From fa0fff847e360b473a0ba36eababc79a569802db Mon Sep 17 00:00:00 2001
From: Maciej Wielgosz <maciej.wielgosz@nibio.no>
Date: Tue, 1 Nov 2022 15:23:46 +0100
Subject: [PATCH] instance seg. metrics progress, chemfer

---
 config/__init__.py                            |     0
 config/config.yaml                            |     3 +
 get_hard_data_for_playground.sh               |    14 +
 get_simple_data_for_playground.sh             |     6 +
 get_small_data_for_playground.sh              |    13 +
 get_strange_data_for_playground.sh            |    14 +
 metrics/find_matches_using_chamfer.py         |    53 +-
 metrics/instance_segmentation_metrics.py      |    98 +-
 .../get_instances_side_by_side.py             |    35 +-
 run_all_fine_grained.sh                       |     2 +-
 run_chamfer.sh                                |     3 +
 run_metrics.sh                                |    23 +
 sample_playground_strange_results/allout.txt  | 53103 ++++++++++++++++
 13 files changed, 53328 insertions(+), 39 deletions(-)
 create mode 100644 config/__init__.py
 create mode 100644 config/config.yaml
 create mode 100755 get_hard_data_for_playground.sh
 create mode 100755 get_simple_data_for_playground.sh
 create mode 100755 get_small_data_for_playground.sh
 create mode 100755 get_strange_data_for_playground.sh
 create mode 100644 run_chamfer.sh
 create mode 100755 run_metrics.sh
 create mode 100644 sample_playground_strange_results/allout.txt

diff --git a/config/__init__.py b/config/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/config/config.yaml b/config/config.yaml
new file mode 100644
index 0000000..3175bce
--- /dev/null
+++ b/config/config.yaml
@@ -0,0 +1,3 @@
+files_formats:
+  label_for_instances_in_gt: 'treeID'
+  label_for_instances_in_predicted:  
diff --git a/get_hard_data_for_playground.sh b/get_hard_data_for_playground.sh
new file mode 100755
index 0000000..3618f13
--- /dev/null
+++ b/get_hard_data_for_playground.sh
@@ -0,0 +1,14 @@
+# remove all the files in the source folder
+SOURCE_FOLDER=/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+rm -rf $SOURCE_FOLDER/*
+
+cp /home/nibio/mutable-outside-world/data/raw_for_pipeline_test/Plot69_2022-06-15_09-08-53_9pct_time.las \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+
+# change name of the file to first.laz 
+mv /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/Plot69_2022-06-15_09-08-53_9pct_time.las \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/first.las
+
+# copy first.laz to second.laz
+cp /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/first.las \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/second.las
\ No newline at end of file
diff --git a/get_simple_data_for_playground.sh b/get_simple_data_for_playground.sh
new file mode 100755
index 0000000..590b6a4
--- /dev/null
+++ b/get_simple_data_for_playground.sh
@@ -0,0 +1,6 @@
+# remove all the files in the source folder
+SOURCE_FOLDER=/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+rm -rf $SOURCE_FOLDER/*
+
+cp /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/playground_data/* \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
\ No newline at end of file
diff --git a/get_small_data_for_playground.sh b/get_small_data_for_playground.sh
new file mode 100755
index 0000000..5c36fb1
--- /dev/null
+++ b/get_small_data_for_playground.sh
@@ -0,0 +1,13 @@
+SOURCE_FOLDER=/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+rm -rf $SOURCE_FOLDER/*
+
+cp /home/nibio/mutable-outside-world/data/small_file_pipeline_test/small_file_pipeline_test.las \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+
+# change name of the file to first.laz 
+mv /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/small_file_pipeline_test.las \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/first.las
+
+# copy first.laz to second.laz
+# cp /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/first.las \
+# /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/second.las
\ No newline at end of file
diff --git a/get_strange_data_for_playground.sh b/get_strange_data_for_playground.sh
new file mode 100755
index 0000000..8a2825d
--- /dev/null
+++ b/get_strange_data_for_playground.sh
@@ -0,0 +1,14 @@
+# remove all the files in the source folder
+SOURCE_FOLDER=/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+rm -rf $SOURCE_FOLDER/*
+
+cp /home/nibio/mutable-outside-world/data/strange_shape_cloud_for_pipeline_test/2022-08-05_11-03-31_9pct_time_scan.laz \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground
+
+# change name of the file to first.laz 
+mv /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/2022-08-05_11-03-31_9pct_time_scan.laz \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/first.laz
+
+# # copy first.laz to second.laz
+cp /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/first.laz \
+/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/second.laz
\ No newline at end of file
diff --git a/metrics/find_matches_using_chamfer.py b/metrics/find_matches_using_chamfer.py
index 9032d1b..2531727 100644
--- a/metrics/find_matches_using_chamfer.py
+++ b/metrics/find_matches_using_chamfer.py
@@ -1,11 +1,13 @@
 import pdal
 import json
 import os
+import argparse
 
 class FindMatchesUsingChamfer:
     def __init__(self, gt_folder, pred_folder, verbose=False):
         self.gt_folder = gt_folder
         self.pred_folder = pred_folder
+        self.verbose = verbose
 
     def compare_gt_pred(self, las_gt, las_pred):
         # run pdal chamfer
@@ -16,9 +18,54 @@ class FindMatchesUsingChamfer:
         output = json.loads(output)
         return output['chamfer']
 
+    def run_in_folders(self):
+        # get all las files in gt and pred folder
+        gt_files = [os.path.join(self.gt_folder, file) for file in os.listdir(self.gt_folder) if file.endswith(".las")]
+        pred_files = [os.path.join(self.pred_folder, file) for file in os.listdir(self.pred_folder) if file.endswith(".las")]
+
+        # compare all gt and pred files
+        # define a dictionary to store the results
+        results = {}
+        for gt_file in gt_files:
+            for pred_file in pred_files:
+                print(gt_file, pred_file)
+                print(self.compare_gt_pred(gt_file, pred_file))
+                results[(gt_file, pred_file)] = self.compare_gt_pred(gt_file, pred_file)
+
+        # sort the results in ascending order
+        results = {k: v for k, v in sorted(results.items(), key=lambda item: item[1])}
+
+        # print the first 10 results
+        for i, result in enumerate(results):
+            if i < 10:
+                print(result, results[result])
+            else:
+                break
+
+        # save dictionary as csv using pandas
+        import pandas as pd
+        df = pd.DataFrame.from_dict(results, orient='index')
+        df.to_csv('results_chamfer.csv')
+
 if __name__ == '__main__':
-    gt_file = '/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/input_data/output/0.las'
-    pred_file = '/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds_with_ground/output/0.las'
-    FindMatchesUsingChamfer('', '').compare_gt_pred(gt_file, pred_file)
+    # use argparse to parse the arguments
+    parser = argparse.ArgumentParser()
+    parser.add_argument('--gt_folder', type=str, required=True, help='Path to the ground truth folder.')
+    parser.add_argument('--pred_folder', type=str, required=True, help='Path to the predicted folder.')
+    parser.add_argument('--verbose', type=bool, default=False, help='Print the output of pdal chamfer.')
+    args = parser.parse_args()
+
+    # run the class
+    find_matches = FindMatchesUsingChamfer(args.gt_folder, args.pred_folder, args.verbose)
+    find_matches.run_in_folders()
+
+
+
+
+
+
+    # gt_file = '/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/input_data/output/0.las'
+    # pred_file = '/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds_with_ground/output/0.las'
+    # FindMatchesUsingChamfer('', '').compare_gt_pred(gt_file, pred_file)
 
 
diff --git a/metrics/instance_segmentation_metrics.py b/metrics/instance_segmentation_metrics.py
index 80a76cf..68d3509 100644
--- a/metrics/instance_segmentation_metrics.py
+++ b/metrics/instance_segmentation_metrics.py
@@ -2,6 +2,7 @@
 import glob
 import argparse
 import os
+import joblib
 import laspy
 import logging
 
@@ -22,8 +23,6 @@ class InstanceSegmentationMetrics():
 
         # get different classes from gt and pred
         gt_classes = np.unique(las_gt.treeID)
-        # remove 0 from gt_classes as it is the background class
-        gt_classes = gt_classes[gt_classes != 0]
         pred_classes = np.unique(las_pred.instance_nr)
 
         # put x, y, z, for different classes in a dictionary
@@ -61,30 +60,24 @@ class InstanceSegmentationMetrics():
         sorted_overlap = sorted(overlap.items(), key=lambda x: x[1], reverse=True)
         sorted_overlap_points = sorted(overlap_points.items(), key=lambda x: x[1], reverse=True)
 
-        # # print the number of classes in gt and pred
-        # logging.info('Number of classes in gt: {}'.format(len(gt_classes)))
-        # logging.info('Number of classes in pred: {}'.format(len(pred_classes)))
+     
+        # # find overlap between gt 0 and 0 pred classes using subsampling and voxel size 0.5
+        # logging.info('Overlap between gt 0 and pred 0 using subsampling and voxel size 0.5: {}'.format(self.get_overlap(gt_dict[0], pred_dict[0], subsample=True, voxel_size=0.5)))
 
-        # # print the number of points in gt and pred
-        # logging.info('Number of points in gt: {}'.format(sum(gt_dict_points.values())))
-        # logging.info('Number of points in pred: {}'.format(sum(pred_dict_points.values())))
+        # # find overlap between gt 0 and 0 pred classes using subsampling and voxel size 0.05
+        # logging.info('Overlap between gt 0 and pred 0 using subsampling and voxel size 0.05: {}'.format(self.get_overlap(gt_dict[0], pred_dict[0], subsample=True, voxel_size=0.05)))
 
-        # # print the number of points in gt and pred per class
-        # logging.info('Number of points in gt per class: {}'.format(gt_dict_points))
-        # logging.info('Number of points in pred per class: {}'.format(pred_dict_points))
+        # # find overlap between gt 0 and 0 pred classes without subsampling
+        # logging.info('Overlap between gt 0 and pred 0 without subsampling: {}'.format(self.get_overlap(gt_dict[0], pred_dict[0], subsample=False)))
 
-        # # print the number of overlapping points per class
-        # logging.info('Number of overlapping points per class: {}'.format(overlap_points))
-
-        # # print sorted overlap
-        # logging.info('Sorted overlap: {}'.format(sorted_overlap))
-
-        # find overlap between gt 39 and pred 6
-        logging.info('Overlap between gt 39 and pred 6: {}'.format(overlap[(39, 6)]))
-
-        # find overlap between gt 39 and pred 2
-        logging.info('Overlap between gt 39 and pred 2: {}'.format(overlap[(39, 2)]))
+        # find overlap between gt 0 and and other pred classes using subsampling and voxel size 0.5
+        for i in range(1, len(pred_dict)):
+            logging.info('Overlap between gt 0 and pred {} using subsampling and voxel size 0.5: {}'.format(i, self.get_overlap(gt_dict[0], pred_dict[i], subsample=True, voxel_size=0.5)))
 
+        # find overlap between gt 9 and and other pred classes using subsampling and voxel size 0.5
+        for i in range(1, len(pred_dict)):
+            logging.info('Overlap between gt 9 and pred {} using subsampling and voxel size 0.5: {}'.format(i, self.get_overlap(gt_dict[9], pred_dict[i], subsample=True, voxel_size=0.1)))
+       
 
         # print sorted overlap for first 10 classes
         # logging.info('Sorted overlap for classes: {}'.format(sorted_overlap))
@@ -92,16 +85,51 @@ class InstanceSegmentationMetrics():
         # # print best match for classes along with overlap
         # logging.info('Best match for classes: {}'.format(best_match))
 
+    def get_overlap(self, gt, pred, subsample=False, voxel_size=0.1):
+        # compute overlap between gt and pred
 
+        # if subsample is True, subsample the point cloud
+        if subsample:
+            gt = self.subsample(gt, voxel_size)
+            pred = self.subsample(pred, voxel_size)
 
-
-
-    def get_overlap(self, gt, pred):
-        # compute overlap between gt and pred
+        # get the number of points in gt and pred
         overlap = np.intersect1d(gt, pred).shape[0]
+        # overlap = np.intersect1d(gt, pred).shape[0]
+
         # overlap = np.sum(np.all(gt[:, None] == pred, axis=-1), axis=0)
         return overlap
 
+    def subsample(self, tensor_x_y_z, voxel_size=0.1):
+        logging.info('Subsampling...')
+        non_empty_voxel_keys, inverse, nb_pts_per_voxel = \
+            np.unique(((tensor_x_y_z - np.min(tensor_x_y_z, axis=0)) // voxel_size).astype(int), axis=0, return_inverse=True, return_counts=True)
+        idx_pts_vox_sorted=np.argsort(inverse)
+        voxel_grid={}
+        grid_barycenter,grid_candidate_center=[],[]
+
+        def grid_subsampling(non_empty_voxel_keys):
+            last_seen=0
+            for idx,vox in enumerate(non_empty_voxel_keys):
+                voxel_grid[tuple(vox)]=tensor_x_y_z[idx_pts_vox_sorted[last_seen:last_seen+nb_pts_per_voxel[idx]]]
+                grid_barycenter.append(np.mean(voxel_grid[tuple(vox)],axis=0))
+                grid_candidate_center.append(voxel_grid[tuple(vox)][np.linalg.norm(voxel_grid[tuple(vox)]-np.mean(voxel_grid[tuple(vox)],axis=0),axis=1).argmin()])
+                last_seen+=nb_pts_per_voxel[idx]
+
+            return grid_candidate_center
+
+        # use joblib to parallelize the computation of the for loop
+        grid_candidate_center = joblib.Parallel(n_jobs=12)(joblib.delayed(grid_subsampling)(non_empty_voxel_keys) for i in range(12))
+
+        # merge the results
+        grid_candidate_center = np.concatenate(grid_candidate_center, axis=0)
+
+        grid_candidate_center = np.array(grid_candidate_center)
+        new_points = grid_candidate_center.transpose()
+
+        return new_points
+        
+
     def get_metrics_for_all_point_clouds(self):
         # get all las files in gt and pred folders using glob
         las_gt = glob.glob(os.path.join(self.gt_folder, '*.las'))
@@ -116,11 +144,17 @@ class InstanceSegmentationMetrics():
             self.get_metrics_for_single_point_cloud(las_gt[i], las_pred[i])
 
 if __name__ == '__main__':
-    parser = argparse.ArgumentParser()
-    parser.add_argument('--gt_folder', type=str, required=True, help='Path to the folder containing ground truth point clouds.')
-    parser.add_argument('--pred_folder', type=str, required=True, help='Path to the folder containing predicted point clouds.')
-    args = parser.parse_args()
+    # parser = argparse.ArgumentParser()
+    # parser.add_argument('--gt_folder', type=str, required=True, help='Path to the folder containing ground truth point clouds.')
+    # parser.add_argument('--pred_folder', type=str, required=True, help='Path to the folder containing predicted point clouds.')
+    # args = parser.parse_args()
+
+    # # create an instance of InstanceSegmentationMetrics class
+    # instance_segmentation_metrics = InstanceSegmentationMetrics(args.gt_folder, args.pred_folder)
+
+    input_file_path = '/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/input_data'
+    instance_segmented_file_path = '/home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds_with_ground'
+
+    instance_segmentation_metrics = InstanceSegmentationMetrics(input_file_path, instance_segmented_file_path)
 
-    # create an instance of InstanceSegmentationMetrics class
-    instance_segmentation_metrics = InstanceSegmentationMetrics(args.gt_folder, args.pred_folder)
     instance_segmentation_metrics.get_metrics_for_all_point_clouds()
diff --git a/nibio_postprocessing/get_instances_side_by_side.py b/nibio_postprocessing/get_instances_side_by_side.py
index 2c10993..6d00d36 100644
--- a/nibio_postprocessing/get_instances_side_by_side.py
+++ b/nibio_postprocessing/get_instances_side_by_side.py
@@ -5,6 +5,8 @@ import os
 from unicodedata import name
 import laspy
 import numpy as np
+import pandas as pd
+import pickle
 
 
 class GetInstancesSideBySide():
@@ -41,8 +43,20 @@ class GetInstancesSideBySide():
         # process each file
 
         # create a new csv file using pandas
-        import pandas as pd
-        df = pd.DataFrame(columns=['file_name', 'instance_label', 'min_x', 'max_x', 'min_y', 'max_y', 'min_z', 'max_z', 'number_of_points'])
+        df = pd.DataFrame(columns=[
+            'file_name', 
+            'instance_label', 
+            'min_x', 
+            'max_x', 
+            'min_y', 
+            'max_y', 
+            'min_z', 
+            'max_z', 
+            'number_of_points'
+            ])
+        
+        # create a dictionary to store the points for each instance
+        low_ground_points_dict = {}
 
         for file in files:
 
@@ -66,6 +80,14 @@ class GetInstancesSideBySide():
                 max_y = np.max(points[:, 1])
                 max_z = np.max(points[:, 2])
 
+                # define the new coordinates of a size of the old one 
+                points_low_ground = np.zeros_like(points)
+                # get points to z dimension of 0.5 meter
+                points_low_ground[:, 2] = points[:, 2] - min_z
+                # get only the points which are lower than 0.1 meter
+                points_low_ground = points_low_ground[points_low_ground[:, 2] < 0.3]
+                # save the points to the 
+
                 # add parameters to the dataframe
                 df = df.append(
                     {
@@ -80,7 +102,9 @@ class GetInstancesSideBySide():
                     'number_of_points': len(points)
                     }, ignore_index=True)
 
-          
+                # add the points to the dictionary               
+                low_ground_points_dict[str(instance_label)] = points_low_ground
+
                 # zero the coordinates
                 points[:, 0] = points[:, 0] - min_x
                 points[:, 1] = points[:, 1] - min_y
@@ -100,6 +124,11 @@ class GetInstancesSideBySide():
                 las.write(os.path.join(self.output_folder, str(instance_label) + '.las'))
                 # write csv file
                 df.to_csv(self.stats_file, index=False)
+            
+            # save dictionary to pickle file
+            with open(os.path.join(self.output_folder, 'low_ground_points_dict.pickle'), 'wb') as handle:
+                pickle.dump(low_ground_points_dict, handle, protocol=pickle.HIGHEST_PROTOCOL)
+        
             if self.verbose:
                 # print the number of instances which were saved and done
                 print("Saved {} instances".format(len(instance_points)))
diff --git a/run_all_fine_grained.sh b/run_all_fine_grained.sh
index 60be9c1..446ab41 100755
--- a/run_all_fine_grained.sh
+++ b/run_all_fine_grained.sh
@@ -3,7 +3,7 @@
 ############################ parameters #################################################
 # General parameters
 CLEAR_INPUT_FOLDER=1  # 1: clear input folder, 0: not clear input folder
-CONDA_ENV="pdal-env" # conda environment for running the pipeline
+CONDA_ENV="pdal-env-1" # conda environment for running the pipeline
 
 # Tiling parameters
 N_TILES=3
diff --git a/run_chamfer.sh b/run_chamfer.sh
new file mode 100644
index 0000000..27ae312
--- /dev/null
+++ b/run_chamfer.sh
@@ -0,0 +1,3 @@
+#!/bin/bash
+pdal chamfer sample_playground/results/input_data/output/0.las sample_playground/results/instance_segmented_point_clouds_with_ground/output/3.las
+
diff --git a/run_metrics.sh b/run_metrics.sh
new file mode 100755
index 0000000..205191e
--- /dev/null
+++ b/run_metrics.sh
@@ -0,0 +1,23 @@
+#!/bin/bash
+
+python nibio_postprocessing/get_instances_side_by_side.py \
+--input_folder /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds/ \
+--output_folder /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds/output \
+--instance_label 'instance_nr' \
+--verbose \
+# --merge
+
+python nibio_postprocessing/get_instances_side_by_side.py \
+--input_folder /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds_with_ground/ \
+--output_folder /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/instance_segmented_point_clouds_with_ground/output \
+--instance_label 'instance_nr' \
+--verbose \
+# --merge
+
+python nibio_postprocessing/get_instances_side_by_side.py \
+--input_folder /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/input_data/ \
+--output_folder /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/results/input_data/output \
+--instance_label 'treeID' \
+--verbose \
+# --merge
+
diff --git a/sample_playground_strange_results/allout.txt b/sample_playground_strange_results/allout.txt
new file mode 100644
index 0000000..b8561ef
--- /dev/null
+++ b/sample_playground_strange_results/allout.txt
@@ -0,0 +1,53103 @@
+PYTHONPATH is not set. Setting it to the current directory
+Clearing input folder
+Removed all the files and folders except the ply and las files in the input folder
+2 las files found in the input folder good to go with!
+INFO:root:Converting files in place.
+INFO:root:Found 2 files.
+INFO:root:Found 2 files that can be converted.
+Searching for files in the input folder...
+
  0%|          | 0/2 [00:00<?, ?it/s]INFO:root:Converted sample_playground/first.laz to sample_playground/first.las
+
 50%|█████     | 1/2 [00:25<00:25, 25.83s/it]INFO:root:Converted sample_playground/second.laz to sample_playground/second.las
+
100%|██████████| 2/2 [00:51<00:00, 25.80s/it]
100%|██████████| 2/2 [00:51<00:00, 25.81s/it]
+INFO:root:Converted 2 files.
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 58.37it/s]
+INFO:root:Deleted 2 files.
+INFO:root:Found 2 files.
+INFO:root:Found 2 files that can be converted.
+Searching for files in the input folder...
+
  0%|          | 0/2 [00:00<?, ?it/s]INFO:root:Converted sample_playground/first.las to sample_playground/first.ply
+
 50%|█████     | 1/2 [02:09<02:09, 129.85s/it]INFO:root:Converted sample_playground/second.las to sample_playground/second.ply
+
100%|██████████| 2/2 [04:18<00:00, 129.07s/it]
100%|██████████| 2/2 [04:18<00:00, 129.19s/it]
+INFO:root:Converted 2 files.
+Clearing input folder
+Removed all the files and folders except the ply and las files in the input folder
+mv: 'sample_playground/segmented_point_clouds/first.ply' and 'sample_playground/segmented_point_clouds/first.ply' are the same file
+mv: 'sample_playground/segmented_point_clouds/second.ply' and 'sample_playground/segmented_point_clouds/second.ply' are the same file
+Tiling and tile index generation
+
  0%|          | 0/2 [00:00<?, ?it/s]
+
  0%|          | 0/382 [00:00<?, ?it/s]
+
  1%|          | 2/382 [00:02<06:37,  1.05s/it]
+
  1%|          | 3/382 [00:02<05:57,  1.06it/s]
+
  2%|▏         | 9/382 [00:03<01:29,  4.15it/s]
+
  3%|▎         | 13/382 [00:03<01:14,  4.94it/s]
+
  4%|▎         | 14/382 [00:03<01:12,  5.10it/s]
+
  4%|▍         | 15/382 [00:04<01:43,  3.53it/s]
+
  5%|▍         | 19/382 [00:04<01:01,  5.92it/s]
+
  6%|▌         | 23/382 [00:06<01:27,  4.11it/s]
+
  6%|▋         | 24/382 [00:07<02:31,  2.36it/s]
+
  7%|▋         | 25/382 [00:08<02:18,  2.57it/s]
+
  7%|▋         | 26/382 [00:08<02:14,  2.64it/s]
+
  7%|▋         | 28/382 [00:09<02:16,  2.60it/s]
+
  8%|▊         | 29/382 [00:09<02:15,  2.60it/s]
+
  9%|▉         | 35/382 [00:10<01:25,  4.08it/s]
+
  9%|▉         | 36/382 [00:11<01:37,  3.56it/s]
+
 10%|▉         | 37/382 [00:11<01:37,  3.55it/s]
+
 10%|█         | 40/382 [00:12<01:44,  3.26it/s]
+
 11%|█         | 41/382 [00:13<02:13,  2.55it/s]
+
 11%|█         | 42/382 [00:14<03:00,  1.89it/s]
+
 11%|█▏        | 43/382 [00:15<03:23,  1.67it/s]
+
 12%|█▏        | 44/382 [00:16<03:57,  1.42it/s]
+
 12%|█▏        | 45/382 [00:17<04:01,  1.40it/s]
+
 12%|█▏        | 46/382 [00:18<04:49,  1.16it/s]
+
 12%|█▏        | 47/382 [00:18<04:29,  1.25it/s]
+
 13%|█▎        | 48/382 [00:19<03:24,  1.63it/s]
+
 13%|█▎        | 50/382 [00:19<02:07,  2.60it/s]
+
 16%|█▌        | 62/382 [00:20<00:43,  7.36it/s]
+
 16%|█▋        | 63/382 [00:22<01:38,  3.22it/s]
+
 18%|█▊        | 70/382 [00:22<01:00,  5.18it/s]
+
 19%|█▊        | 71/382 [00:23<01:03,  4.86it/s]
+
 19%|█▉        | 74/382 [00:24<01:22,  3.74it/s]
+
 20%|█▉        | 75/382 [00:24<01:16,  4.00it/s]
+
 21%|██▏       | 82/382 [00:24<00:37,  7.93it/s]
+
 22%|██▏       | 85/382 [00:25<00:38,  7.62it/s]
+
 25%|██▍       | 94/382 [00:25<00:20, 14.06it/s]
+
 26%|██▌       | 98/382 [00:25<00:25, 11.28it/s]
+
 26%|██▋       | 101/382 [00:25<00:22, 12.25it/s]
+
 27%|██▋       | 104/382 [00:26<00:24, 11.51it/s]
+
 28%|██▊       | 108/382 [00:26<00:20, 13.42it/s]
+
 32%|███▏      | 121/382 [00:26<00:11, 22.74it/s]
+
 33%|███▎      | 125/382 [00:27<00:14, 18.00it/s]
+
 34%|███▎      | 128/382 [00:27<00:14, 17.03it/s]
+
 37%|███▋      | 140/382 [00:27<00:10, 22.73it/s]
+
 37%|███▋      | 143/382 [00:27<00:11, 20.06it/s]
+
 40%|███▉      | 151/382 [00:29<00:22, 10.34it/s]
+
 42%|████▏     | 162/382 [00:29<00:15, 14.21it/s]
+
 48%|████▊     | 182/382 [00:30<00:11, 17.64it/s]
+
 48%|████▊     | 185/382 [00:31<00:19, 10.17it/s]
+
 49%|████▉     | 188/382 [00:32<00:22,  8.81it/s]
+
 53%|█████▎    | 202/382 [00:33<00:13, 13.03it/s]
+
 54%|█████▍    | 208/382 [00:33<00:12, 14.18it/s]
+
 55%|█████▍    | 210/382 [00:33<00:14, 12.08it/s]
+
 61%|██████    | 233/382 [00:33<00:05, 27.27it/s]
+
 68%|██████▊   | 258/382 [00:34<00:02, 47.90it/s]
+
 78%|███████▊  | 297/382 [00:34<00:00, 87.98it/s]
+
 88%|████████▊ | 335/382 [00:34<00:00, 108.60it/s]
100%|██████████| 382/382 [00:34<00:00, 11.09it/s] 
+
 50%|█████     | 1/2 [02:43<02:43, 163.47s/it]
+
  0%|          | 0/382 [00:00<?, ?it/s]
+
  1%|          | 2/382 [00:02<06:44,  1.07s/it]
+
  1%|          | 3/382 [00:02<05:55,  1.07it/s]
+
  2%|▏         | 9/382 [00:03<01:29,  4.17it/s]
+
  3%|▎         | 13/382 [00:03<01:14,  4.95it/s]
+
  4%|▎         | 14/382 [00:03<01:12,  5.09it/s]
+
  4%|▍         | 15/382 [00:04<01:44,  3.53it/s]
+
  5%|▍         | 19/382 [00:04<01:01,  5.91it/s]
+
  6%|▌         | 23/382 [00:06<01:27,  4.11it/s]
+
  6%|▋         | 24/382 [00:07<02:32,  2.35it/s]
+
  7%|▋         | 25/382 [00:08<02:18,  2.57it/s]
+
  7%|▋         | 26/382 [00:08<02:14,  2.65it/s]
+
  7%|▋         | 28/382 [00:09<02:14,  2.64it/s]
+
  8%|▊         | 29/382 [00:09<02:14,  2.62it/s]
+
  9%|▉         | 35/382 [00:10<01:23,  4.14it/s]
+
  9%|▉         | 36/382 [00:11<01:36,  3.59it/s]
+
 10%|▉         | 37/382 [00:11<01:36,  3.58it/s]
+
 10%|█         | 40/382 [00:12<01:45,  3.25it/s]
+
 11%|█         | 41/382 [00:13<02:11,  2.58it/s]
+
 11%|█         | 42/382 [00:14<02:59,  1.90it/s]
+
 11%|█▏        | 43/382 [00:15<03:24,  1.66it/s]
+
 12%|█▏        | 44/382 [00:16<03:59,  1.41it/s]
+
 12%|█▏        | 45/382 [00:17<03:59,  1.41it/s]
+
 12%|█▏        | 46/382 [00:18<04:48,  1.16it/s]
+
 12%|█▏        | 47/382 [00:18<04:29,  1.24it/s]
+
 13%|█▎        | 48/382 [00:19<03:24,  1.63it/s]
+
 13%|█▎        | 50/382 [00:19<02:08,  2.59it/s]
+
 16%|█▌        | 62/382 [00:20<00:43,  7.36it/s]
+
 16%|█▋        | 63/382 [00:22<01:38,  3.22it/s]
+
 18%|█▊        | 70/382 [00:22<01:00,  5.15it/s]
+
 19%|█▊        | 71/382 [00:23<01:04,  4.84it/s]
+
 19%|█▉        | 74/382 [00:24<01:23,  3.68it/s]
+
 20%|█▉        | 75/382 [00:24<01:18,  3.93it/s]
+
 21%|██▏       | 82/382 [00:24<00:38,  7.80it/s]
+
 22%|██▏       | 85/382 [00:25<00:39,  7.54it/s]
+
 25%|██▍       | 94/382 [00:25<00:20, 13.91it/s]
+
 26%|██▌       | 98/382 [00:25<00:25, 11.08it/s]
+
 26%|██▋       | 101/382 [00:25<00:23, 12.03it/s]
+
 27%|██▋       | 104/382 [00:26<00:24, 11.37it/s]
+
 28%|██▊       | 108/382 [00:26<00:20, 13.28it/s]
+
 32%|███▏      | 121/382 [00:26<00:11, 22.39it/s]
+
 33%|███▎      | 125/382 [00:27<00:14, 17.66it/s]
+
 34%|███▎      | 128/382 [00:27<00:15, 16.78it/s]
+
 37%|███▋      | 140/382 [00:27<00:10, 22.58it/s]
+
 37%|███▋      | 143/382 [00:27<00:12, 19.87it/s]
+
 40%|███▉      | 151/382 [00:29<00:22, 10.20it/s]
+
 42%|████▏     | 162/382 [00:29<00:15, 14.00it/s]
+
 48%|████▊     | 182/382 [00:30<00:11, 17.49it/s]
+
 48%|████▊     | 185/382 [00:32<00:19, 10.03it/s]
+
 49%|████▉     | 188/382 [00:32<00:22,  8.73it/s]
+
 53%|█████▎    | 202/382 [00:33<00:13, 12.92it/s]
+
 54%|█████▍    | 208/382 [00:33<00:12, 14.02it/s]
+
 55%|█████▍    | 210/382 [00:33<00:14, 11.94it/s]
+
 61%|██████    | 233/382 [00:34<00:05, 26.94it/s]
+
 68%|██████▊   | 258/382 [00:34<00:02, 47.33it/s]
+
 78%|███████▊  | 297/382 [00:34<00:00, 87.00it/s]
+
 88%|████████▊ | 335/382 [00:34<00:00, 107.05it/s]
100%|██████████| 382/382 [00:34<00:00, 11.05it/s] 
+
100%|██████████| 2/2 [05:27<00:00, 163.61s/it]
100%|██████████| 2/2 [05:27<00:00, 163.59s/it]
+Removing small tiles from sample_playground/segmented_point_clouds/tiled/first
+Found 382 tiles
+Computed density of all tiles
+Removing sample_playground/segmented_point_clouds/tiled/first/001.ply which has only 24667 points
+Removing sample_playground/segmented_point_clouds/tiled/first/004.ply which has only 3003 points
+Removing sample_playground/segmented_point_clouds/tiled/first/005.ply which has only 2292 points
+Removing sample_playground/segmented_point_clouds/tiled/first/006.ply which has only 923 points
+Removing sample_playground/segmented_point_clouds/tiled/first/007.ply which has only 358 points
+Removing sample_playground/segmented_point_clouds/tiled/first/008.ply which has only 29175 points
+Removing sample_playground/segmented_point_clouds/tiled/first/009.ply which has only 176511 points
+Removing sample_playground/segmented_point_clouds/tiled/first/010.ply which has only 1691 points
+Removing sample_playground/segmented_point_clouds/tiled/first/011.ply which has only 4997 points
+Removing sample_playground/segmented_point_clouds/tiled/first/012.ply which has only 28855 points
+Removing sample_playground/segmented_point_clouds/tiled/first/014.ply which has only 125598 points
+Removing sample_playground/segmented_point_clouds/tiled/first/016.ply which has only 18903 points
+Removing sample_playground/segmented_point_clouds/tiled/first/017.ply which has only 4451 points
+Removing sample_playground/segmented_point_clouds/tiled/first/018.ply which has only 22505 points
+Removing sample_playground/segmented_point_clouds/tiled/first/019.ply which has only 91933 points
+Removing sample_playground/segmented_point_clouds/tiled/first/020.ply which has only 9232 points
+Removing sample_playground/segmented_point_clouds/tiled/first/021.ply which has only 2549 points
+Removing sample_playground/segmented_point_clouds/tiled/first/022.ply which has only 1362 points
+Removing sample_playground/segmented_point_clouds/tiled/first/025.ply which has only 155085 points
+Removing sample_playground/segmented_point_clouds/tiled/first/027.ply which has only 21874 points
+Removing sample_playground/segmented_point_clouds/tiled/first/030.ply which has only 19546 points
+Removing sample_playground/segmented_point_clouds/tiled/first/031.ply which has only 267 points
+Removing sample_playground/segmented_point_clouds/tiled/first/032.ply which has only 1143 points
+Removing sample_playground/segmented_point_clouds/tiled/first/033.ply which has only 7153 points
+Removing sample_playground/segmented_point_clouds/tiled/first/034.ply which has only 428 points
+Removing sample_playground/segmented_point_clouds/tiled/first/038.ply which has only 438 points
+Removing sample_playground/segmented_point_clouds/tiled/first/039.ply which has only 55693 points
+Removing sample_playground/segmented_point_clouds/tiled/first/048.ply which has only 100021 points
+Removing sample_playground/segmented_point_clouds/tiled/first/049.ply which has only 3934 points
+Removing sample_playground/segmented_point_clouds/tiled/first/050.ply which has only 161309 points
+Removing sample_playground/segmented_point_clouds/tiled/first/051.ply which has only 303 points
+Removing sample_playground/segmented_point_clouds/tiled/first/052.ply which has only 3171 points
+Removing sample_playground/segmented_point_clouds/tiled/first/053.ply which has only 618 points
+Removing sample_playground/segmented_point_clouds/tiled/first/054.ply which has only 8261 points
+Removing sample_playground/segmented_point_clouds/tiled/first/055.ply which has only 16224 points
+Removing sample_playground/segmented_point_clouds/tiled/first/056.ply which has only 73 points
+Removing sample_playground/segmented_point_clouds/tiled/first/057.ply which has only 67 points
+Removing sample_playground/segmented_point_clouds/tiled/first/058.ply which has only 7517 points
+Removing sample_playground/segmented_point_clouds/tiled/first/059.ply which has only 107 points
+Removing sample_playground/segmented_point_clouds/tiled/first/060.ply which has only 1840 points
+Removing sample_playground/segmented_point_clouds/tiled/first/061.ply which has only 111 points
+Removing sample_playground/segmented_point_clouds/tiled/first/064.ply which has only 6218 points
+Removing sample_playground/segmented_point_clouds/tiled/first/065.ply which has only 831 points
+Removing sample_playground/segmented_point_clouds/tiled/first/066.ply which has only 1383 points
+Removing sample_playground/segmented_point_clouds/tiled/first/067.ply which has only 59 points
+Removing sample_playground/segmented_point_clouds/tiled/first/068.ply which has only 27 points
+Removing sample_playground/segmented_point_clouds/tiled/first/069.ply which has only 809 points
+Removing sample_playground/segmented_point_clouds/tiled/first/072.ply which has only 30613 points
+Removing sample_playground/segmented_point_clouds/tiled/first/073.ply which has only 108 points
+Removing sample_playground/segmented_point_clouds/tiled/first/075.ply which has only 92640 points
+Removing sample_playground/segmented_point_clouds/tiled/first/076.ply which has only 162 points
+Removing sample_playground/segmented_point_clouds/tiled/first/077.ply which has only 170 points
+Removing sample_playground/segmented_point_clouds/tiled/first/078.ply which has only 1594 points
+Removing sample_playground/segmented_point_clouds/tiled/first/079.ply which has only 228 points
+Removing sample_playground/segmented_point_clouds/tiled/first/080.ply which has only 126 points
+Removing sample_playground/segmented_point_clouds/tiled/first/081.ply which has only 41 points
+Removing sample_playground/segmented_point_clouds/tiled/first/082.ply which has only 92355 points
+Removing sample_playground/segmented_point_clouds/tiled/first/083.ply which has only 49431 points
+Removing sample_playground/segmented_point_clouds/tiled/first/084.ply which has only 40 points
+Removing sample_playground/segmented_point_clouds/tiled/first/086.ply which has only 352 points
+Removing sample_playground/segmented_point_clouds/tiled/first/087.ply which has only 1472 points
+Removing sample_playground/segmented_point_clouds/tiled/first/088.ply which has only 2177 points
+Removing sample_playground/segmented_point_clouds/tiled/first/089.ply which has only 47 points
+Removing sample_playground/segmented_point_clouds/tiled/first/090.ply which has only 38741 points
+Removing sample_playground/segmented_point_clouds/tiled/first/091.ply which has only 127 points
+Removing sample_playground/segmented_point_clouds/tiled/first/092.ply which has only 20232 points
+Removing sample_playground/segmented_point_clouds/tiled/first/093.ply which has only 1049 points
+Removing sample_playground/segmented_point_clouds/tiled/first/094.ply which has only 34348 points
+Removing sample_playground/segmented_point_clouds/tiled/first/095.ply which has only 665 points
+Removing sample_playground/segmented_point_clouds/tiled/first/096.ply which has only 3596 points
+Removing sample_playground/segmented_point_clouds/tiled/first/097.ply which has only 76 points
+Removing sample_playground/segmented_point_clouds/tiled/first/099.ply which has only 90520 points
+Removing sample_playground/segmented_point_clouds/tiled/first/100.ply which has only 39722 points
+Removing sample_playground/segmented_point_clouds/tiled/first/101.ply which has only 4462 points
+Removing sample_playground/segmented_point_clouds/tiled/first/102.ply which has only 39 points
+Removing sample_playground/segmented_point_clouds/tiled/first/103.ply which has only 886 points
+Removing sample_playground/segmented_point_clouds/tiled/first/105.ply which has only 32347 points
+Removing sample_playground/segmented_point_clouds/tiled/first/106.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/first/107.ply which has only 216 points
+Removing sample_playground/segmented_point_clouds/tiled/first/108.ply which has only 117383 points
+Removing sample_playground/segmented_point_clouds/tiled/first/109.ply which has only 150 points
+Removing sample_playground/segmented_point_clouds/tiled/first/110.ply which has only 11576 points
+Removing sample_playground/segmented_point_clouds/tiled/first/111.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/112.ply which has only 1472 points
+Removing sample_playground/segmented_point_clouds/tiled/first/113.ply which has only 426 points
+Removing sample_playground/segmented_point_clouds/tiled/first/114.ply which has only 71 points
+Removing sample_playground/segmented_point_clouds/tiled/first/115.ply which has only 1180 points
+Removing sample_playground/segmented_point_clouds/tiled/first/116.ply which has only 201 points
+Removing sample_playground/segmented_point_clouds/tiled/first/117.ply which has only 32 points
+Removing sample_playground/segmented_point_clouds/tiled/first/118.ply which has only 17789 points
+Removing sample_playground/segmented_point_clouds/tiled/first/119.ply which has only 1167 points
+Removing sample_playground/segmented_point_clouds/tiled/first/120.ply which has only 1543 points
+Removing sample_playground/segmented_point_clouds/tiled/first/121.ply which has only 200300 points
+Removing sample_playground/segmented_point_clouds/tiled/first/122.ply which has only 15 points
+Removing sample_playground/segmented_point_clouds/tiled/first/123.ply which has only 425 points
+Removing sample_playground/segmented_point_clouds/tiled/first/124.ply which has only 60216 points
+Removing sample_playground/segmented_point_clouds/tiled/first/126.ply which has only 585 points
+Removing sample_playground/segmented_point_clouds/tiled/first/127.ply which has only 167283 points
+Removing sample_playground/segmented_point_clouds/tiled/first/128.ply which has only 11750 points
+Removing sample_playground/segmented_point_clouds/tiled/first/129.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/130.ply which has only 23653 points
+Removing sample_playground/segmented_point_clouds/tiled/first/131.ply which has only 2759 points
+Removing sample_playground/segmented_point_clouds/tiled/first/132.ply which has only 8054 points
+Removing sample_playground/segmented_point_clouds/tiled/first/133.ply which has only 4 points
+Removing sample_playground/segmented_point_clouds/tiled/first/134.ply which has only 15049 points
+Removing sample_playground/segmented_point_clouds/tiled/first/135.ply which has only 261 points
+Removing sample_playground/segmented_point_clouds/tiled/first/136.ply which has only 242 points
+Removing sample_playground/segmented_point_clouds/tiled/first/137.ply which has only 38 points
+Removing sample_playground/segmented_point_clouds/tiled/first/138.ply which has only 61 points
+Removing sample_playground/segmented_point_clouds/tiled/first/139.ply which has only 130 points
+Removing sample_playground/segmented_point_clouds/tiled/first/141.ply which has only 14 points
+Removing sample_playground/segmented_point_clouds/tiled/first/142.ply which has only 1498 points
+Removing sample_playground/segmented_point_clouds/tiled/first/143.ply which has only 198108 points
+Removing sample_playground/segmented_point_clouds/tiled/first/144.ply which has only 7464 points
+Removing sample_playground/segmented_point_clouds/tiled/first/145.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/146.ply which has only 7245 points
+Removing sample_playground/segmented_point_clouds/tiled/first/147.ply which has only 10194 points
+Removing sample_playground/segmented_point_clouds/tiled/first/148.ply which has only 73 points
+Removing sample_playground/segmented_point_clouds/tiled/first/149.ply which has only 45012 points
+Removing sample_playground/segmented_point_clouds/tiled/first/150.ply which has only 52 points
+Removing sample_playground/segmented_point_clouds/tiled/first/152.ply which has only 53 points
+Removing sample_playground/segmented_point_clouds/tiled/first/153.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/154.ply which has only 315 points
+Removing sample_playground/segmented_point_clouds/tiled/first/155.ply which has only 59 points
+Removing sample_playground/segmented_point_clouds/tiled/first/156.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/157.ply which has only 190 points
+Removing sample_playground/segmented_point_clouds/tiled/first/158.ply which has only 264 points
+Removing sample_playground/segmented_point_clouds/tiled/first/159.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/160.ply which has only 7 points
+Removing sample_playground/segmented_point_clouds/tiled/first/161.ply which has only 233 points
+Removing sample_playground/segmented_point_clouds/tiled/first/163.ply which has only 4163 points
+Removing sample_playground/segmented_point_clouds/tiled/first/164.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/165.ply which has only 4 points
+Removing sample_playground/segmented_point_clouds/tiled/first/166.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/first/167.ply which has only 54 points
+Removing sample_playground/segmented_point_clouds/tiled/first/168.ply which has only 54167 points
+Removing sample_playground/segmented_point_clouds/tiled/first/169.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/first/170.ply which has only 120 points
+Removing sample_playground/segmented_point_clouds/tiled/first/171.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/172.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/173.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/174.ply which has only 29 points
+Removing sample_playground/segmented_point_clouds/tiled/first/175.ply which has only 197 points
+Removing sample_playground/segmented_point_clouds/tiled/first/176.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/177.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/178.ply which has only 667 points
+Removing sample_playground/segmented_point_clouds/tiled/first/179.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/180.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/first/181.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/first/184.ply which has only 95 points
+Removing sample_playground/segmented_point_clouds/tiled/first/185.ply which has only 1268 points
+Removing sample_playground/segmented_point_clouds/tiled/first/186.ply which has only 373 points
+Removing sample_playground/segmented_point_clouds/tiled/first/187.ply which has only 12 points
+Removing sample_playground/segmented_point_clouds/tiled/first/189.ply which has only 10390 points
+Removing sample_playground/segmented_point_clouds/tiled/first/190.ply which has only 46435 points
+Removing sample_playground/segmented_point_clouds/tiled/first/191.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/first/192.ply which has only 1217 points
+Removing sample_playground/segmented_point_clouds/tiled/first/193.ply which has only 183 points
+Removing sample_playground/segmented_point_clouds/tiled/first/194.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/195.ply which has only 6234 points
+Removing sample_playground/segmented_point_clouds/tiled/first/196.ply which has only 28 points
+Removing sample_playground/segmented_point_clouds/tiled/first/197.ply which has only 134 points
+Removing sample_playground/segmented_point_clouds/tiled/first/198.ply which has only 2584 points
+Removing sample_playground/segmented_point_clouds/tiled/first/199.ply which has only 28 points
+Removing sample_playground/segmented_point_clouds/tiled/first/200.ply which has only 24 points
+Removing sample_playground/segmented_point_clouds/tiled/first/201.ply which has only 131 points
+Removing sample_playground/segmented_point_clouds/tiled/first/203.ply which has only 50918 points
+Removing sample_playground/segmented_point_clouds/tiled/first/204.ply which has only 27 points
+Removing sample_playground/segmented_point_clouds/tiled/first/205.ply which has only 421 points
+Removing sample_playground/segmented_point_clouds/tiled/first/206.ply which has only 1512 points
+Removing sample_playground/segmented_point_clouds/tiled/first/207.ply which has only 24 points
+Removing sample_playground/segmented_point_clouds/tiled/first/208.ply which has only 182467 points
+Removing sample_playground/segmented_point_clouds/tiled/first/209.ply which has only 109 points
+Removing sample_playground/segmented_point_clouds/tiled/first/211.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/212.ply which has only 41 points
+Removing sample_playground/segmented_point_clouds/tiled/first/213.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/214.ply which has only 143 points
+Removing sample_playground/segmented_point_clouds/tiled/first/215.ply which has only 156 points
+Removing sample_playground/segmented_point_clouds/tiled/first/216.ply which has only 23 points
+Removing sample_playground/segmented_point_clouds/tiled/first/217.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/first/218.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/219.ply which has only 14 points
+Removing sample_playground/segmented_point_clouds/tiled/first/220.ply which has only 110 points
+Removing sample_playground/segmented_point_clouds/tiled/first/221.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/first/222.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/first/223.ply which has only 28 points
+Removing sample_playground/segmented_point_clouds/tiled/first/224.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/225.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/226.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/227.ply which has only 4 points
+Removing sample_playground/segmented_point_clouds/tiled/first/228.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/229.ply which has only 1668 points
+Removing sample_playground/segmented_point_clouds/tiled/first/230.ply which has only 46 points
+Removing sample_playground/segmented_point_clouds/tiled/first/231.ply which has only 284 points
+Removing sample_playground/segmented_point_clouds/tiled/first/232.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/233.ply which has only 113405 points
+Removing sample_playground/segmented_point_clouds/tiled/first/234.ply which has only 39 points
+Removing sample_playground/segmented_point_clouds/tiled/first/235.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/236.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/237.ply which has only 10798 points
+Removing sample_playground/segmented_point_clouds/tiled/first/238.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/239.ply which has only 22 points
+Removing sample_playground/segmented_point_clouds/tiled/first/240.ply which has only 15 points
+Removing sample_playground/segmented_point_clouds/tiled/first/241.ply which has only 4866 points
+Removing sample_playground/segmented_point_clouds/tiled/first/242.ply which has only 332 points
+Removing sample_playground/segmented_point_clouds/tiled/first/243.ply which has only 81 points
+Removing sample_playground/segmented_point_clouds/tiled/first/244.ply which has only 28273 points
+Removing sample_playground/segmented_point_clouds/tiled/first/245.ply which has only 9280 points
+Removing sample_playground/segmented_point_clouds/tiled/first/246.ply which has only 1640 points
+Removing sample_playground/segmented_point_clouds/tiled/first/247.ply which has only 3795 points
+Removing sample_playground/segmented_point_clouds/tiled/first/248.ply which has only 355 points
+Removing sample_playground/segmented_point_clouds/tiled/first/249.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/250.ply which has only 977 points
+Removing sample_playground/segmented_point_clouds/tiled/first/251.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/252.ply which has only 181 points
+Removing sample_playground/segmented_point_clouds/tiled/first/253.ply which has only 9 points
+Removing sample_playground/segmented_point_clouds/tiled/first/254.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/255.ply which has only 2889 points
+Removing sample_playground/segmented_point_clouds/tiled/first/256.ply which has only 1660 points
+Removing sample_playground/segmented_point_clouds/tiled/first/257.ply which has only 16 points
+Removing sample_playground/segmented_point_clouds/tiled/first/258.ply which has only 3233 points
+Removing sample_playground/segmented_point_clouds/tiled/first/259.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/first/260.ply which has only 120 points
+Removing sample_playground/segmented_point_clouds/tiled/first/261.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/first/262.ply which has only 9 points
+Removing sample_playground/segmented_point_clouds/tiled/first/263.ply which has only 1279 points
+Removing sample_playground/segmented_point_clouds/tiled/first/264.ply which has only 3315 points
+Removing sample_playground/segmented_point_clouds/tiled/first/265.ply which has only 22 points
+Removing sample_playground/segmented_point_clouds/tiled/first/266.ply which has only 213 points
+Removing sample_playground/segmented_point_clouds/tiled/first/267.ply which has only 14 points
+Removing sample_playground/segmented_point_clouds/tiled/first/268.ply which has only 4438 points
+Removing sample_playground/segmented_point_clouds/tiled/first/269.ply which has only 1641 points
+Removing sample_playground/segmented_point_clouds/tiled/first/270.ply which has only 58 points
+Removing sample_playground/segmented_point_clouds/tiled/first/271.ply which has only 7625 points
+Removing sample_playground/segmented_point_clouds/tiled/first/272.ply which has only 370 points
+Removing sample_playground/segmented_point_clouds/tiled/first/273.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/274.ply which has only 2876 points
+Removing sample_playground/segmented_point_clouds/tiled/first/275.ply which has only 1310 points
+Removing sample_playground/segmented_point_clouds/tiled/first/276.ply which has only 3957 points
+Removing sample_playground/segmented_point_clouds/tiled/first/277.ply which has only 1520 points
+Removing sample_playground/segmented_point_clouds/tiled/first/278.ply which has only 1673 points
+Removing sample_playground/segmented_point_clouds/tiled/first/279.ply which has only 543 points
+Removing sample_playground/segmented_point_clouds/tiled/first/280.ply which has only 1059 points
+Removing sample_playground/segmented_point_clouds/tiled/first/281.ply which has only 921 points
+Removing sample_playground/segmented_point_clouds/tiled/first/282.ply which has only 1456 points
+Removing sample_playground/segmented_point_clouds/tiled/first/283.ply which has only 3775 points
+Removing sample_playground/segmented_point_clouds/tiled/first/284.ply which has only 647 points
+Removing sample_playground/segmented_point_clouds/tiled/first/285.ply which has only 5367 points
+Removing sample_playground/segmented_point_clouds/tiled/first/286.ply which has only 4602 points
+Removing sample_playground/segmented_point_clouds/tiled/first/287.ply which has only 703 points
+Removing sample_playground/segmented_point_clouds/tiled/first/288.ply which has only 2414 points
+Removing sample_playground/segmented_point_clouds/tiled/first/289.ply which has only 16 points
+Removing sample_playground/segmented_point_clouds/tiled/first/290.ply which has only 422 points
+Removing sample_playground/segmented_point_clouds/tiled/first/291.ply which has only 1562 points
+Removing sample_playground/segmented_point_clouds/tiled/first/292.ply which has only 442 points
+Removing sample_playground/segmented_point_clouds/tiled/first/293.ply which has only 1435 points
+Removing sample_playground/segmented_point_clouds/tiled/first/294.ply which has only 146 points
+Removing sample_playground/segmented_point_clouds/tiled/first/295.ply which has only 309 points
+Removing sample_playground/segmented_point_clouds/tiled/first/296.ply which has only 502 points
+Removing sample_playground/segmented_point_clouds/tiled/first/297.ply which has only 147 points
+Removing sample_playground/segmented_point_clouds/tiled/first/298.ply which has only 499 points
+Removing sample_playground/segmented_point_clouds/tiled/first/299.ply which has only 174 points
+Removing sample_playground/segmented_point_clouds/tiled/first/300.ply which has only 191 points
+Removing sample_playground/segmented_point_clouds/tiled/first/301.ply which has only 634 points
+Removing sample_playground/segmented_point_clouds/tiled/first/302.ply which has only 25 points
+Removing sample_playground/segmented_point_clouds/tiled/first/303.ply which has only 700 points
+Removing sample_playground/segmented_point_clouds/tiled/first/304.ply which has only 333 points
+Removing sample_playground/segmented_point_clouds/tiled/first/305.ply which has only 669 points
+Removing sample_playground/segmented_point_clouds/tiled/first/306.ply which has only 114 points
+Removing sample_playground/segmented_point_clouds/tiled/first/307.ply which has only 204 points
+Removing sample_playground/segmented_point_clouds/tiled/first/308.ply which has only 680 points
+Removing sample_playground/segmented_point_clouds/tiled/first/309.ply which has only 439 points
+Removing sample_playground/segmented_point_clouds/tiled/first/310.ply which has only 2853 points
+Removing sample_playground/segmented_point_clouds/tiled/first/311.ply which has only 57 points
+Removing sample_playground/segmented_point_clouds/tiled/first/312.ply which has only 126 points
+Removing sample_playground/segmented_point_clouds/tiled/first/313.ply which has only 143 points
+Removing sample_playground/segmented_point_clouds/tiled/first/314.ply which has only 257 points
+Removing sample_playground/segmented_point_clouds/tiled/first/315.ply which has only 170 points
+Removing sample_playground/segmented_point_clouds/tiled/first/316.ply which has only 182 points
+Removing sample_playground/segmented_point_clouds/tiled/first/317.ply which has only 191 points
+Removing sample_playground/segmented_point_clouds/tiled/first/318.ply which has only 472 points
+Removing sample_playground/segmented_point_clouds/tiled/first/319.ply which has only 12 points
+Removing sample_playground/segmented_point_clouds/tiled/first/320.ply which has only 106 points
+Removing sample_playground/segmented_point_clouds/tiled/first/321.ply which has only 399 points
+Removing sample_playground/segmented_point_clouds/tiled/first/322.ply which has only 297 points
+Removing sample_playground/segmented_point_clouds/tiled/first/323.ply which has only 327 points
+Removing sample_playground/segmented_point_clouds/tiled/first/324.ply which has only 160 points
+Removing sample_playground/segmented_point_clouds/tiled/first/325.ply which has only 68 points
+Removing sample_playground/segmented_point_clouds/tiled/first/326.ply which has only 137 points
+Removing sample_playground/segmented_point_clouds/tiled/first/327.ply which has only 103 points
+Removing sample_playground/segmented_point_clouds/tiled/first/328.ply which has only 174 points
+Removing sample_playground/segmented_point_clouds/tiled/first/329.ply which has only 25 points
+Removing sample_playground/segmented_point_clouds/tiled/first/330.ply which has only 59 points
+Removing sample_playground/segmented_point_clouds/tiled/first/331.ply which has only 25 points
+Removing sample_playground/segmented_point_clouds/tiled/first/332.ply which has only 67 points
+Removing sample_playground/segmented_point_clouds/tiled/first/333.ply which has only 94 points
+Removing sample_playground/segmented_point_clouds/tiled/first/334.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/000.ply which has only 161756 points
+Removing sample_playground/segmented_point_clouds/tiled/first/335.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/first/336.ply which has only 150 points
+Removing sample_playground/segmented_point_clouds/tiled/first/337.ply which has only 195 points
+Removing sample_playground/segmented_point_clouds/tiled/first/338.ply which has only 23 points
+Removing sample_playground/segmented_point_clouds/tiled/first/339.ply which has only 1262 points
+Removing sample_playground/segmented_point_clouds/tiled/first/340.ply which has only 31 points
+Removing sample_playground/segmented_point_clouds/tiled/first/341.ply which has only 19 points
+Removing sample_playground/segmented_point_clouds/tiled/first/342.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/first/343.ply which has only 32 points
+Removing sample_playground/segmented_point_clouds/tiled/first/344.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/345.ply which has only 7 points
+Removing sample_playground/segmented_point_clouds/tiled/first/346.ply which has only 43 points
+Removing sample_playground/segmented_point_clouds/tiled/first/347.ply which has only 90 points
+Removing sample_playground/segmented_point_clouds/tiled/first/348.ply which has only 843 points
+Removing sample_playground/segmented_point_clouds/tiled/first/349.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/350.ply which has only 200 points
+Removing sample_playground/segmented_point_clouds/tiled/first/351.ply which has only 83 points
+Removing sample_playground/segmented_point_clouds/tiled/first/352.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/353.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/354.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/355.ply which has only 11 points
+Removing sample_playground/segmented_point_clouds/tiled/first/356.ply which has only 22 points
+Removing sample_playground/segmented_point_clouds/tiled/first/357.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/358.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/359.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/360.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/361.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/362.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/363.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/364.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/365.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/366.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/first/367.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/368.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/369.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/370.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/371.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/372.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/373.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/374.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/375.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/376.ply which has only 3 points
+nibio_preprocessing/remove_small_tiles.py:28: RuntimeWarning: divide by zero encountered in double_scalars
+  density = number_of_points / volume
+Removing sample_playground/segmented_point_clouds/tiled/first/377.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/first/378.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/379.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/first/380.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/first/381.ply which has only 1 points
+Lowest density: ('172', 'sample_playground/segmented_point_clouds/tiled/first/172.ply', 0.0048223220271421475, 8)
+Highest density: ('153', 'sample_playground/segmented_point_clouds/tiled/first/153.ply', inf, 1)
+Removed 345 tiles
+Removing small tiles from sample_playground/segmented_point_clouds/tiled/second
+Found 382 tiles
+Computed density of all tiles
+Removing sample_playground/segmented_point_clouds/tiled/second/001.ply which has only 24667 points
+Removing sample_playground/segmented_point_clouds/tiled/second/004.ply which has only 3003 points
+Removing sample_playground/segmented_point_clouds/tiled/second/005.ply which has only 2292 points
+Removing sample_playground/segmented_point_clouds/tiled/second/006.ply which has only 923 points
+Removing sample_playground/segmented_point_clouds/tiled/second/007.ply which has only 358 points
+Removing sample_playground/segmented_point_clouds/tiled/second/008.ply which has only 29175 points
+Removing sample_playground/segmented_point_clouds/tiled/second/009.ply which has only 176511 points
+Removing sample_playground/segmented_point_clouds/tiled/second/010.ply which has only 1691 points
+Removing sample_playground/segmented_point_clouds/tiled/second/011.ply which has only 4997 points
+Removing sample_playground/segmented_point_clouds/tiled/second/012.ply which has only 28855 points
+Removing sample_playground/segmented_point_clouds/tiled/second/014.ply which has only 125598 points
+Removing sample_playground/segmented_point_clouds/tiled/second/016.ply which has only 18903 points
+Removing sample_playground/segmented_point_clouds/tiled/second/017.ply which has only 4451 points
+Removing sample_playground/segmented_point_clouds/tiled/second/018.ply which has only 22505 points
+Removing sample_playground/segmented_point_clouds/tiled/second/019.ply which has only 91933 points
+Removing sample_playground/segmented_point_clouds/tiled/second/020.ply which has only 9232 points
+Removing sample_playground/segmented_point_clouds/tiled/second/021.ply which has only 2549 points
+Removing sample_playground/segmented_point_clouds/tiled/second/022.ply which has only 1362 points
+Removing sample_playground/segmented_point_clouds/tiled/second/025.ply which has only 155085 points
+Removing sample_playground/segmented_point_clouds/tiled/second/027.ply which has only 21874 points
+Removing sample_playground/segmented_point_clouds/tiled/second/030.ply which has only 19546 points
+Removing sample_playground/segmented_point_clouds/tiled/second/031.ply which has only 267 points
+Removing sample_playground/segmented_point_clouds/tiled/second/032.ply which has only 1143 points
+Removing sample_playground/segmented_point_clouds/tiled/second/033.ply which has only 7153 points
+Removing sample_playground/segmented_point_clouds/tiled/second/034.ply which has only 428 points
+Removing sample_playground/segmented_point_clouds/tiled/second/038.ply which has only 438 points
+Removing sample_playground/segmented_point_clouds/tiled/second/039.ply which has only 55693 points
+Removing sample_playground/segmented_point_clouds/tiled/second/048.ply which has only 100021 points
+Removing sample_playground/segmented_point_clouds/tiled/second/049.ply which has only 3934 points
+Removing sample_playground/segmented_point_clouds/tiled/second/050.ply which has only 161309 points
+Removing sample_playground/segmented_point_clouds/tiled/second/051.ply which has only 303 points
+Removing sample_playground/segmented_point_clouds/tiled/second/052.ply which has only 3171 points
+Removing sample_playground/segmented_point_clouds/tiled/second/053.ply which has only 618 points
+Removing sample_playground/segmented_point_clouds/tiled/second/054.ply which has only 8261 points
+Removing sample_playground/segmented_point_clouds/tiled/second/055.ply which has only 16224 points
+Removing sample_playground/segmented_point_clouds/tiled/second/056.ply which has only 73 points
+Removing sample_playground/segmented_point_clouds/tiled/second/057.ply which has only 67 points
+Removing sample_playground/segmented_point_clouds/tiled/second/058.ply which has only 7517 points
+Removing sample_playground/segmented_point_clouds/tiled/second/059.ply which has only 107 points
+Removing sample_playground/segmented_point_clouds/tiled/second/060.ply which has only 1840 points
+Removing sample_playground/segmented_point_clouds/tiled/second/061.ply which has only 111 points
+Removing sample_playground/segmented_point_clouds/tiled/second/064.ply which has only 6218 points
+Removing sample_playground/segmented_point_clouds/tiled/second/065.ply which has only 831 points
+Removing sample_playground/segmented_point_clouds/tiled/second/066.ply which has only 1383 points
+Removing sample_playground/segmented_point_clouds/tiled/second/067.ply which has only 59 points
+Removing sample_playground/segmented_point_clouds/tiled/second/068.ply which has only 27 points
+Removing sample_playground/segmented_point_clouds/tiled/second/069.ply which has only 809 points
+Removing sample_playground/segmented_point_clouds/tiled/second/072.ply which has only 30613 points
+Removing sample_playground/segmented_point_clouds/tiled/second/073.ply which has only 108 points
+Removing sample_playground/segmented_point_clouds/tiled/second/075.ply which has only 92640 points
+Removing sample_playground/segmented_point_clouds/tiled/second/076.ply which has only 162 points
+Removing sample_playground/segmented_point_clouds/tiled/second/077.ply which has only 170 points
+Removing sample_playground/segmented_point_clouds/tiled/second/078.ply which has only 1594 points
+Removing sample_playground/segmented_point_clouds/tiled/second/079.ply which has only 228 points
+Removing sample_playground/segmented_point_clouds/tiled/second/080.ply which has only 126 points
+Removing sample_playground/segmented_point_clouds/tiled/second/081.ply which has only 41 points
+Removing sample_playground/segmented_point_clouds/tiled/second/082.ply which has only 92355 points
+Removing sample_playground/segmented_point_clouds/tiled/second/083.ply which has only 49431 points
+Removing sample_playground/segmented_point_clouds/tiled/second/084.ply which has only 40 points
+Removing sample_playground/segmented_point_clouds/tiled/second/086.ply which has only 352 points
+Removing sample_playground/segmented_point_clouds/tiled/second/087.ply which has only 1472 points
+Removing sample_playground/segmented_point_clouds/tiled/second/088.ply which has only 2177 points
+Removing sample_playground/segmented_point_clouds/tiled/second/089.ply which has only 47 points
+Removing sample_playground/segmented_point_clouds/tiled/second/090.ply which has only 38741 points
+Removing sample_playground/segmented_point_clouds/tiled/second/091.ply which has only 127 points
+Removing sample_playground/segmented_point_clouds/tiled/second/092.ply which has only 20232 points
+Removing sample_playground/segmented_point_clouds/tiled/second/093.ply which has only 1049 points
+Removing sample_playground/segmented_point_clouds/tiled/second/094.ply which has only 34348 points
+Removing sample_playground/segmented_point_clouds/tiled/second/095.ply which has only 665 points
+Removing sample_playground/segmented_point_clouds/tiled/second/096.ply which has only 3596 points
+Removing sample_playground/segmented_point_clouds/tiled/second/097.ply which has only 76 points
+Removing sample_playground/segmented_point_clouds/tiled/second/099.ply which has only 90520 points
+Removing sample_playground/segmented_point_clouds/tiled/second/100.ply which has only 39722 points
+Removing sample_playground/segmented_point_clouds/tiled/second/101.ply which has only 4462 points
+Removing sample_playground/segmented_point_clouds/tiled/second/102.ply which has only 39 points
+Removing sample_playground/segmented_point_clouds/tiled/second/103.ply which has only 886 points
+Removing sample_playground/segmented_point_clouds/tiled/second/105.ply which has only 32347 points
+Removing sample_playground/segmented_point_clouds/tiled/second/106.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/second/107.ply which has only 216 points
+Removing sample_playground/segmented_point_clouds/tiled/second/108.ply which has only 117383 points
+Removing sample_playground/segmented_point_clouds/tiled/second/109.ply which has only 150 points
+Removing sample_playground/segmented_point_clouds/tiled/second/110.ply which has only 11576 points
+Removing sample_playground/segmented_point_clouds/tiled/second/111.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/112.ply which has only 1472 points
+Removing sample_playground/segmented_point_clouds/tiled/second/113.ply which has only 426 points
+Removing sample_playground/segmented_point_clouds/tiled/second/114.ply which has only 71 points
+Removing sample_playground/segmented_point_clouds/tiled/second/115.ply which has only 1180 points
+Removing sample_playground/segmented_point_clouds/tiled/second/116.ply which has only 201 points
+Removing sample_playground/segmented_point_clouds/tiled/second/117.ply which has only 32 points
+Removing sample_playground/segmented_point_clouds/tiled/second/118.ply which has only 17789 points
+Removing sample_playground/segmented_point_clouds/tiled/second/119.ply which has only 1167 points
+Removing sample_playground/segmented_point_clouds/tiled/second/120.ply which has only 1543 points
+Removing sample_playground/segmented_point_clouds/tiled/second/121.ply which has only 200300 points
+Removing sample_playground/segmented_point_clouds/tiled/second/122.ply which has only 15 points
+Removing sample_playground/segmented_point_clouds/tiled/second/123.ply which has only 425 points
+Removing sample_playground/segmented_point_clouds/tiled/second/124.ply which has only 60216 points
+Removing sample_playground/segmented_point_clouds/tiled/second/126.ply which has only 585 points
+Removing sample_playground/segmented_point_clouds/tiled/second/127.ply which has only 167283 points
+Removing sample_playground/segmented_point_clouds/tiled/second/128.ply which has only 11750 points
+Removing sample_playground/segmented_point_clouds/tiled/second/129.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/130.ply which has only 23653 points
+Removing sample_playground/segmented_point_clouds/tiled/second/131.ply which has only 2759 points
+Removing sample_playground/segmented_point_clouds/tiled/second/132.ply which has only 8054 points
+Removing sample_playground/segmented_point_clouds/tiled/second/133.ply which has only 4 points
+Removing sample_playground/segmented_point_clouds/tiled/second/134.ply which has only 15049 points
+Removing sample_playground/segmented_point_clouds/tiled/second/135.ply which has only 261 points
+Removing sample_playground/segmented_point_clouds/tiled/second/136.ply which has only 242 points
+Removing sample_playground/segmented_point_clouds/tiled/second/137.ply which has only 38 points
+Removing sample_playground/segmented_point_clouds/tiled/second/138.ply which has only 61 points
+Removing sample_playground/segmented_point_clouds/tiled/second/139.ply which has only 130 points
+Removing sample_playground/segmented_point_clouds/tiled/second/141.ply which has only 14 points
+Removing sample_playground/segmented_point_clouds/tiled/second/142.ply which has only 1498 points
+Removing sample_playground/segmented_point_clouds/tiled/second/143.ply which has only 198108 points
+Removing sample_playground/segmented_point_clouds/tiled/second/144.ply which has only 7464 points
+Removing sample_playground/segmented_point_clouds/tiled/second/145.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/146.ply which has only 7245 points
+Removing sample_playground/segmented_point_clouds/tiled/second/147.ply which has only 10194 points
+Removing sample_playground/segmented_point_clouds/tiled/second/148.ply which has only 73 points
+Removing sample_playground/segmented_point_clouds/tiled/second/149.ply which has only 45012 points
+Removing sample_playground/segmented_point_clouds/tiled/second/150.ply which has only 52 points
+Removing sample_playground/segmented_point_clouds/tiled/second/152.ply which has only 53 points
+Removing sample_playground/segmented_point_clouds/tiled/second/153.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/154.ply which has only 315 points
+Removing sample_playground/segmented_point_clouds/tiled/second/155.ply which has only 59 points
+Removing sample_playground/segmented_point_clouds/tiled/second/156.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/157.ply which has only 190 points
+Removing sample_playground/segmented_point_clouds/tiled/second/158.ply which has only 264 points
+Removing sample_playground/segmented_point_clouds/tiled/second/159.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/160.ply which has only 7 points
+Removing sample_playground/segmented_point_clouds/tiled/second/161.ply which has only 233 points
+Removing sample_playground/segmented_point_clouds/tiled/second/163.ply which has only 4163 points
+Removing sample_playground/segmented_point_clouds/tiled/second/164.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/165.ply which has only 4 points
+Removing sample_playground/segmented_point_clouds/tiled/second/166.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/second/167.ply which has only 54 points
+Removing sample_playground/segmented_point_clouds/tiled/second/168.ply which has only 54167 points
+Removing sample_playground/segmented_point_clouds/tiled/second/169.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/second/170.ply which has only 120 points
+Removing sample_playground/segmented_point_clouds/tiled/second/171.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/172.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/173.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/174.ply which has only 29 points
+Removing sample_playground/segmented_point_clouds/tiled/second/175.ply which has only 197 points
+Removing sample_playground/segmented_point_clouds/tiled/second/176.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/177.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/178.ply which has only 667 points
+Removing sample_playground/segmented_point_clouds/tiled/second/179.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/180.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/second/181.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/second/184.ply which has only 95 points
+Removing sample_playground/segmented_point_clouds/tiled/second/185.ply which has only 1268 points
+Removing sample_playground/segmented_point_clouds/tiled/second/186.ply which has only 373 points
+Removing sample_playground/segmented_point_clouds/tiled/second/187.ply which has only 12 points
+Removing sample_playground/segmented_point_clouds/tiled/second/189.ply which has only 10390 points
+Removing sample_playground/segmented_point_clouds/tiled/second/190.ply which has only 46435 points
+Removing sample_playground/segmented_point_clouds/tiled/second/191.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/second/192.ply which has only 1217 points
+Removing sample_playground/segmented_point_clouds/tiled/second/193.ply which has only 183 points
+Removing sample_playground/segmented_point_clouds/tiled/second/194.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/195.ply which has only 6234 points
+Removing sample_playground/segmented_point_clouds/tiled/second/196.ply which has only 28 points
+Removing sample_playground/segmented_point_clouds/tiled/second/197.ply which has only 134 points
+Removing sample_playground/segmented_point_clouds/tiled/second/198.ply which has only 2584 points
+Removing sample_playground/segmented_point_clouds/tiled/second/199.ply which has only 28 points
+Removing sample_playground/segmented_point_clouds/tiled/second/200.ply which has only 24 points
+Removing sample_playground/segmented_point_clouds/tiled/second/201.ply which has only 131 points
+Removing sample_playground/segmented_point_clouds/tiled/second/203.ply which has only 50918 points
+Removing sample_playground/segmented_point_clouds/tiled/second/204.ply which has only 27 points
+Removing sample_playground/segmented_point_clouds/tiled/second/205.ply which has only 421 points
+Removing sample_playground/segmented_point_clouds/tiled/second/206.ply which has only 1512 points
+Removing sample_playground/segmented_point_clouds/tiled/second/207.ply which has only 24 points
+Removing sample_playground/segmented_point_clouds/tiled/second/208.ply which has only 182467 points
+Removing sample_playground/segmented_point_clouds/tiled/second/209.ply which has only 109 points
+Removing sample_playground/segmented_point_clouds/tiled/second/211.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/212.ply which has only 41 points
+Removing sample_playground/segmented_point_clouds/tiled/second/213.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/214.ply which has only 143 points
+Removing sample_playground/segmented_point_clouds/tiled/second/215.ply which has only 156 points
+Removing sample_playground/segmented_point_clouds/tiled/second/216.ply which has only 23 points
+Removing sample_playground/segmented_point_clouds/tiled/second/217.ply which has only 10 points
+Removing sample_playground/segmented_point_clouds/tiled/second/218.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/219.ply which has only 14 points
+Removing sample_playground/segmented_point_clouds/tiled/second/220.ply which has only 110 points
+Removing sample_playground/segmented_point_clouds/tiled/second/221.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/second/222.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/second/223.ply which has only 28 points
+Removing sample_playground/segmented_point_clouds/tiled/second/224.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/225.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/226.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/227.ply which has only 4 points
+Removing sample_playground/segmented_point_clouds/tiled/second/228.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/229.ply which has only 1668 points
+Removing sample_playground/segmented_point_clouds/tiled/second/230.ply which has only 46 points
+Removing sample_playground/segmented_point_clouds/tiled/second/231.ply which has only 284 points
+Removing sample_playground/segmented_point_clouds/tiled/second/232.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/233.ply which has only 113405 points
+Removing sample_playground/segmented_point_clouds/tiled/second/234.ply which has only 39 points
+Removing sample_playground/segmented_point_clouds/tiled/second/235.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/236.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/237.ply which has only 10798 points
+Removing sample_playground/segmented_point_clouds/tiled/second/238.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/239.ply which has only 22 points
+Removing sample_playground/segmented_point_clouds/tiled/second/240.ply which has only 15 points
+Removing sample_playground/segmented_point_clouds/tiled/second/241.ply which has only 4866 points
+Removing sample_playground/segmented_point_clouds/tiled/second/242.ply which has only 332 points
+Removing sample_playground/segmented_point_clouds/tiled/second/243.ply which has only 81 points
+Removing sample_playground/segmented_point_clouds/tiled/second/244.ply which has only 28273 points
+Removing sample_playground/segmented_point_clouds/tiled/second/245.ply which has only 9280 points
+Removing sample_playground/segmented_point_clouds/tiled/second/246.ply which has only 1640 points
+Removing sample_playground/segmented_point_clouds/tiled/second/247.ply which has only 3795 points
+Removing sample_playground/segmented_point_clouds/tiled/second/248.ply which has only 355 points
+Removing sample_playground/segmented_point_clouds/tiled/second/249.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/250.ply which has only 977 points
+Removing sample_playground/segmented_point_clouds/tiled/second/251.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/252.ply which has only 181 points
+Removing sample_playground/segmented_point_clouds/tiled/second/253.ply which has only 9 points
+Removing sample_playground/segmented_point_clouds/tiled/second/254.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/255.ply which has only 2889 points
+Removing sample_playground/segmented_point_clouds/tiled/second/256.ply which has only 1660 points
+Removing sample_playground/segmented_point_clouds/tiled/second/257.ply which has only 16 points
+Removing sample_playground/segmented_point_clouds/tiled/second/258.ply which has only 3233 points
+Removing sample_playground/segmented_point_clouds/tiled/second/259.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/second/260.ply which has only 120 points
+Removing sample_playground/segmented_point_clouds/tiled/second/261.ply which has only 5 points
+Removing sample_playground/segmented_point_clouds/tiled/second/262.ply which has only 9 points
+Removing sample_playground/segmented_point_clouds/tiled/second/263.ply which has only 1279 points
+Removing sample_playground/segmented_point_clouds/tiled/second/264.ply which has only 3315 points
+Removing sample_playground/segmented_point_clouds/tiled/second/265.ply which has only 22 points
+Removing sample_playground/segmented_point_clouds/tiled/second/266.ply which has only 213 points
+Removing sample_playground/segmented_point_clouds/tiled/second/267.ply which has only 14 points
+Removing sample_playground/segmented_point_clouds/tiled/second/268.ply which has only 4438 points
+Removing sample_playground/segmented_point_clouds/tiled/second/269.ply which has only 1641 points
+Removing sample_playground/segmented_point_clouds/tiled/second/270.ply which has only 58 points
+Removing sample_playground/segmented_point_clouds/tiled/second/271.ply which has only 7625 points
+Removing sample_playground/segmented_point_clouds/tiled/second/272.ply which has only 370 points
+Removing sample_playground/segmented_point_clouds/tiled/second/273.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/274.ply which has only 2876 points
+Removing sample_playground/segmented_point_clouds/tiled/second/275.ply which has only 1310 points
+Removing sample_playground/segmented_point_clouds/tiled/second/276.ply which has only 3957 points
+Removing sample_playground/segmented_point_clouds/tiled/second/277.ply which has only 1520 points
+Removing sample_playground/segmented_point_clouds/tiled/second/278.ply which has only 1673 points
+Removing sample_playground/segmented_point_clouds/tiled/second/279.ply which has only 543 points
+Removing sample_playground/segmented_point_clouds/tiled/second/280.ply which has only 1059 points
+Removing sample_playground/segmented_point_clouds/tiled/second/281.ply which has only 921 points
+Removing sample_playground/segmented_point_clouds/tiled/second/282.ply which has only 1456 points
+Removing sample_playground/segmented_point_clouds/tiled/second/283.ply which has only 3775 points
+Removing sample_playground/segmented_point_clouds/tiled/second/284.ply which has only 647 points
+Removing sample_playground/segmented_point_clouds/tiled/second/285.ply which has only 5367 points
+Removing sample_playground/segmented_point_clouds/tiled/second/286.ply which has only 4602 points
+Removing sample_playground/segmented_point_clouds/tiled/second/287.ply which has only 703 points
+Removing sample_playground/segmented_point_clouds/tiled/second/288.ply which has only 2414 points
+Removing sample_playground/segmented_point_clouds/tiled/second/289.ply which has only 16 points
+Removing sample_playground/segmented_point_clouds/tiled/second/290.ply which has only 422 points
+Removing sample_playground/segmented_point_clouds/tiled/second/291.ply which has only 1562 points
+Removing sample_playground/segmented_point_clouds/tiled/second/292.ply which has only 442 points
+Removing sample_playground/segmented_point_clouds/tiled/second/293.ply which has only 1435 points
+Removing sample_playground/segmented_point_clouds/tiled/second/294.ply which has only 146 points
+Removing sample_playground/segmented_point_clouds/tiled/second/295.ply which has only 309 points
+Removing sample_playground/segmented_point_clouds/tiled/second/296.ply which has only 502 points
+Removing sample_playground/segmented_point_clouds/tiled/second/297.ply which has only 147 points
+Removing sample_playground/segmented_point_clouds/tiled/second/298.ply which has only 499 points
+Removing sample_playground/segmented_point_clouds/tiled/second/299.ply which has only 174 points
+Removing sample_playground/segmented_point_clouds/tiled/second/300.ply which has only 191 points
+Removing sample_playground/segmented_point_clouds/tiled/second/301.ply which has only 634 points
+Removing sample_playground/segmented_point_clouds/tiled/second/302.ply which has only 25 points
+Removing sample_playground/segmented_point_clouds/tiled/second/303.ply which has only 700 points
+Removing sample_playground/segmented_point_clouds/tiled/second/304.ply which has only 333 points
+Removing sample_playground/segmented_point_clouds/tiled/second/305.ply which has only 669 points
+Removing sample_playground/segmented_point_clouds/tiled/second/306.ply which has only 114 points
+Removing sample_playground/segmented_point_clouds/tiled/second/307.ply which has only 204 points
+Removing sample_playground/segmented_point_clouds/tiled/second/308.ply which has only 680 points
+Removing sample_playground/segmented_point_clouds/tiled/second/309.ply which has only 439 points
+Removing sample_playground/segmented_point_clouds/tiled/second/310.ply which has only 2853 points
+Removing sample_playground/segmented_point_clouds/tiled/second/311.ply which has only 57 points
+Removing sample_playground/segmented_point_clouds/tiled/second/312.ply which has only 126 points
+Removing sample_playground/segmented_point_clouds/tiled/second/313.ply which has only 143 points
+Removing sample_playground/segmented_point_clouds/tiled/second/314.ply which has only 257 points
+Removing sample_playground/segmented_point_clouds/tiled/second/315.ply which has only 170 points
+Removing sample_playground/segmented_point_clouds/tiled/second/316.ply which has only 182 points
+Removing sample_playground/segmented_point_clouds/tiled/second/317.ply which has only 191 points
+Removing sample_playground/segmented_point_clouds/tiled/second/318.ply which has only 472 points
+Removing sample_playground/segmented_point_clouds/tiled/second/319.ply which has only 12 points
+Removing sample_playground/segmented_point_clouds/tiled/second/320.ply which has only 106 points
+Removing sample_playground/segmented_point_clouds/tiled/second/321.ply which has only 399 points
+Removing sample_playground/segmented_point_clouds/tiled/second/322.ply which has only 297 points
+Removing sample_playground/segmented_point_clouds/tiled/second/323.ply which has only 327 points
+Removing sample_playground/segmented_point_clouds/tiled/second/324.ply which has only 160 points
+Removing sample_playground/segmented_point_clouds/tiled/second/325.ply which has only 68 points
+Removing sample_playground/segmented_point_clouds/tiled/second/326.ply which has only 137 points
+Removing sample_playground/segmented_point_clouds/tiled/second/327.ply which has only 103 points
+Removing sample_playground/segmented_point_clouds/tiled/second/328.ply which has only 174 points
+Removing sample_playground/segmented_point_clouds/tiled/second/329.ply which has only 25 points
+Removing sample_playground/segmented_point_clouds/tiled/second/330.ply which has only 59 points
+Removing sample_playground/segmented_point_clouds/tiled/second/331.ply which has only 25 points
+Removing sample_playground/segmented_point_clouds/tiled/second/332.ply which has only 67 points
+Removing sample_playground/segmented_point_clouds/tiled/second/333.ply which has only 94 points
+Removing sample_playground/segmented_point_clouds/tiled/second/334.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/000.ply which has only 161756 points
+Removing sample_playground/segmented_point_clouds/tiled/second/335.ply which has only 21 points
+Removing sample_playground/segmented_point_clouds/tiled/second/336.ply which has only 150 points
+Removing sample_playground/segmented_point_clouds/tiled/second/337.ply which has only 195 points
+Removing sample_playground/segmented_point_clouds/tiled/second/338.ply which has only 23 points
+Removing sample_playground/segmented_point_clouds/tiled/second/339.ply which has only 1262 points
+Removing sample_playground/segmented_point_clouds/tiled/second/340.ply which has only 31 points
+Removing sample_playground/segmented_point_clouds/tiled/second/341.ply which has only 19 points
+Removing sample_playground/segmented_point_clouds/tiled/second/342.ply which has only 8 points
+Removing sample_playground/segmented_point_clouds/tiled/second/343.ply which has only 32 points
+Removing sample_playground/segmented_point_clouds/tiled/second/344.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/345.ply which has only 7 points
+Removing sample_playground/segmented_point_clouds/tiled/second/346.ply which has only 43 points
+Removing sample_playground/segmented_point_clouds/tiled/second/347.ply which has only 90 points
+Removing sample_playground/segmented_point_clouds/tiled/second/348.ply which has only 843 points
+Removing sample_playground/segmented_point_clouds/tiled/second/349.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/350.ply which has only 200 points
+Removing sample_playground/segmented_point_clouds/tiled/second/351.ply which has only 83 points
+Removing sample_playground/segmented_point_clouds/tiled/second/352.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/353.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/354.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/355.ply which has only 11 points
+Removing sample_playground/segmented_point_clouds/tiled/second/356.ply which has only 22 points
+Removing sample_playground/segmented_point_clouds/tiled/second/357.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/358.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/359.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/360.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/361.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/362.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/363.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/364.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/365.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/366.ply which has only 6 points
+Removing sample_playground/segmented_point_clouds/tiled/second/367.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/368.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/369.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/370.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/371.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/372.ply which has only 1 points
+nibio_preprocessing/remove_small_tiles.py:28: RuntimeWarning: divide by zero encountered in double_scalars
+  density = number_of_points / volume
+Removing sample_playground/segmented_point_clouds/tiled/second/373.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/374.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/375.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/376.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/377.ply which has only 3 points
+Removing sample_playground/segmented_point_clouds/tiled/second/378.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/379.ply which has only 1 points
+Removing sample_playground/segmented_point_clouds/tiled/second/380.ply which has only 2 points
+Removing sample_playground/segmented_point_clouds/tiled/second/381.ply which has only 1 points
+Lowest density: ('172', 'sample_playground/segmented_point_clouds/tiled/second/172.ply', 0.0048223220271421475, 8)
+Highest density: ('153', 'sample_playground/segmented_point_clouds/tiled/second/153.ply', inf, 1)
+Removed 345 tiles
+Processing sample_playground/segmented_point_clouds/tiled/first//002.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//002.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/002.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/002.ply with 1707171 points
+global shift: [ 4.12705497 -2.99351369  2.42690805]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 23/432 [00:00<00:01, 207.76it/s]
generating data blocks:  10%|█         | 44/432 [00:00<00:02, 163.70it/s]
generating data blocks:  14%|█▍        | 61/432 [00:00<00:02, 150.12it/s]
generating data blocks:  18%|█▊        | 78/432 [00:00<00:02, 152.03it/s]
generating data blocks:  22%|██▏       | 95/432 [00:00<00:02, 154.83it/s]
generating data blocks:  26%|██▌       | 111/432 [00:00<00:02, 142.75it/s]
generating data blocks:  29%|██▉       | 126/432 [00:00<00:02, 120.29it/s]
generating data blocks:  32%|███▏      | 139/432 [00:01<00:02, 98.42it/s] 
generating data blocks:  35%|███▍      | 150/432 [00:01<00:02, 94.09it/s]
generating data blocks:  40%|███▉      | 171/432 [00:01<00:02, 117.28it/s]
generating data blocks:  43%|████▎     | 184/432 [00:01<00:02, 105.43it/s]
generating data blocks:  45%|████▌     | 196/432 [00:01<00:02, 93.66it/s] 
generating data blocks:  48%|████▊     | 206/432 [00:01<00:02, 76.29it/s]
generating data blocks:  50%|████▉     | 215/432 [00:02<00:02, 75.59it/s]
generating data blocks:  54%|█████▍    | 235/432 [00:02<00:01, 101.70it/s]
generating data blocks:  58%|█████▊    | 251/432 [00:02<00:01, 114.54it/s]
generating data blocks:  61%|██████    | 264/432 [00:02<00:01, 115.59it/s]
generating data blocks:  64%|██████▍   | 277/432 [00:02<00:01, 92.34it/s] 
generating data blocks:  67%|██████▋   | 288/432 [00:02<00:01, 89.22it/s]
generating data blocks:  71%|███████   | 307/432 [00:02<00:01, 111.94it/s]
generating data blocks:  75%|███████▌  | 325/432 [00:02<00:00, 128.50it/s]
generating data blocks:  79%|███████▉  | 341/432 [00:03<00:00, 126.16it/s]
generating data blocks:  82%|████████▏ | 356/432 [00:03<00:00, 131.15it/s]
generating data blocks:  88%|████████▊ | 382/432 [00:03<00:00, 163.52it/s]
generating data blocks:  95%|█████████▍| 409/432 [00:03<00:00, 191.71it/s]
generating data blocks: 100%|██████████| 432/432 [00:03<00:00, 126.96it/s]
+Preprocessing done in 4.556957244873047 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:08,  2.23it/s]
 11%|█         | 2/19 [00:00<00:07,  2.26it/s]
 16%|█▌        | 3/19 [00:01<00:06,  2.35it/s]
 21%|██        | 4/19 [00:01<00:06,  2.16it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.26it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.21it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.14it/s]
 42%|████▏     | 8/19 [00:03<00:05,  1.97it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.02it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.07it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.04it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  1.96it/s]
 68%|██████▊   | 13/19 [00:06<00:03,  1.87it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  1.86it/s]
 79%|███████▉  | 15/19 [00:07<00:02,  1.80it/s]
 84%|████████▍ | 16/19 [00:08<00:01,  1.76it/s]
 89%|████████▉ | 17/19 [00:08<00:01,  1.73it/s]
 95%|█████████▍| 18/19 [00:09<00:00,  1.76it/s]
100%|██████████| 19/19 [00:09<00:00,  1.80it/s]
100%|██████████| 19/19 [00:09<00:00,  1.95it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/first/002.segmented.ply
+semantic segmentation done in 41.055182456970215 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//003.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//003.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/003.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/003.ply with 621019 points
+global shift: [3.02946058 5.24516071 3.96758069]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 29/468 [00:00<00:01, 284.41it/s]
generating data blocks:  12%|█▏        | 58/468 [00:00<00:01, 206.58it/s]
generating data blocks:  17%|█▋        | 80/468 [00:00<00:01, 200.57it/s]
generating data blocks:  24%|██▎       | 111/468 [00:00<00:01, 236.81it/s]
generating data blocks:  29%|██▉       | 136/468 [00:00<00:01, 194.33it/s]
generating data blocks:  34%|███▎      | 157/468 [00:00<00:01, 182.26it/s]
generating data blocks:  38%|███▊      | 177/468 [00:00<00:01, 185.72it/s]
generating data blocks:  42%|████▏     | 197/468 [00:01<00:01, 176.26it/s]
generating data blocks:  47%|████▋     | 221/468 [00:01<00:01, 189.60it/s]
generating data blocks:  51%|█████▏    | 241/468 [00:01<00:01, 165.33it/s]
generating data blocks:  58%|█████▊    | 272/468 [00:01<00:00, 197.30it/s]
generating data blocks:  63%|██████▎   | 293/468 [00:01<00:00, 194.08it/s]
generating data blocks:  67%|██████▋   | 314/468 [00:01<00:00, 196.15it/s]
generating data blocks:  72%|███████▏  | 335/468 [00:01<00:00, 198.47it/s]
generating data blocks:  78%|███████▊  | 363/468 [00:01<00:00, 216.41it/s]
generating data blocks:  83%|████████▎ | 389/468 [00:01<00:00, 228.30it/s]
generating data blocks:  90%|████████▉ | 421/468 [00:02<00:00, 253.96it/s]
generating data blocks:  97%|█████████▋| 455/468 [00:02<00:00, 277.66it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 216.09it/s]
+Preprocessing done in 2.6005756855010986 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:09,  1.82it/s]
 11%|█         | 2/19 [00:01<00:09,  1.79it/s]
 16%|█▌        | 3/19 [00:01<00:09,  1.73it/s]
 21%|██        | 4/19 [00:02<00:08,  1.80it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.02it/s]
 32%|███▏      | 6/19 [00:03<00:06,  2.06it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.01it/s]
 42%|████▏     | 8/19 [00:04<00:05,  1.89it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.02it/s]
 53%|█████▎    | 10/19 [00:05<00:04,  1.96it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.07it/s]
 63%|██████▎   | 12/19 [00:06<00:03,  2.04it/s]
 68%|██████▊   | 13/19 [00:06<00:02,  2.19it/s]
 74%|███████▎  | 14/19 [00:07<00:02,  2.04it/s]
 79%|███████▉  | 15/19 [00:07<00:01,  2.12it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  2.17it/s]
 89%|████████▉ | 17/19 [00:08<00:00,  2.23it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.23it/s]
100%|██████████| 19/19 [00:08<00:00,  2.15it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/003.segmented.ply
+semantic segmentation done in 22.983898878097534 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//013.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//013.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/013.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/013.ply with 456999 points
+global shift: [-6.52185053 15.32198751  3.75859617]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 29/432 [00:00<00:01, 279.07it/s]
generating data blocks:  13%|█▎        | 57/432 [00:00<00:01, 238.93it/s]
generating data blocks:  19%|█▉        | 82/432 [00:00<00:01, 238.36it/s]
generating data blocks:  25%|██▌       | 109/432 [00:00<00:01, 247.29it/s]
generating data blocks:  31%|███       | 134/432 [00:00<00:01, 223.24it/s]
generating data blocks:  36%|███▋      | 157/432 [00:00<00:01, 197.63it/s]
generating data blocks:  42%|████▏     | 182/432 [00:00<00:01, 209.27it/s]
generating data blocks:  47%|████▋     | 204/432 [00:00<00:01, 193.75it/s]
generating data blocks:  52%|█████▏    | 224/432 [00:01<00:01, 193.95it/s]
generating data blocks:  59%|█████▊    | 253/432 [00:01<00:00, 215.85it/s]
generating data blocks:  64%|██████▎   | 275/432 [00:01<00:00, 210.06it/s]
generating data blocks:  69%|██████▉   | 297/432 [00:01<00:00, 205.51it/s]
generating data blocks:  74%|███████▍  | 320/432 [00:01<00:00, 211.67it/s]
generating data blocks:  82%|████████▏ | 356/432 [00:01<00:00, 252.91it/s]
generating data blocks:  89%|████████▉ | 385/432 [00:01<00:00, 262.96it/s]
generating data blocks:  98%|█████████▊| 424/432 [00:01<00:00, 299.15it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 236.97it/s]
+Preprocessing done in 2.145287275314331 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:09,  1.69it/s]
 12%|█▏        | 2/17 [00:01<00:07,  2.01it/s]
 18%|█▊        | 3/17 [00:01<00:06,  2.08it/s]
 24%|██▎       | 4/17 [00:01<00:06,  2.11it/s]
 29%|██▉       | 5/17 [00:02<00:05,  2.32it/s]
 35%|███▌      | 6/17 [00:02<00:04,  2.26it/s]
 41%|████      | 7/17 [00:03<00:04,  2.09it/s]
 47%|████▋     | 8/17 [00:03<00:04,  2.20it/s]
 53%|█████▎    | 9/17 [00:04<00:03,  2.31it/s]
 59%|█████▉    | 10/17 [00:04<00:03,  2.31it/s]
 65%|██████▍   | 11/17 [00:05<00:02,  2.11it/s]
 71%|███████   | 12/17 [00:05<00:02,  2.28it/s]
 76%|███████▋  | 13/17 [00:05<00:01,  2.25it/s]
 82%|████████▏ | 14/17 [00:06<00:01,  2.16it/s]
 88%|████████▊ | 15/17 [00:06<00:00,  2.37it/s]
 94%|█████████▍| 16/17 [00:07<00:00,  2.64it/s]
100%|██████████| 17/17 [00:07<00:00,  3.39it/s]
100%|██████████| 17/17 [00:07<00:00,  2.38it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/013.segmented.ply
+semantic segmentation done in 17.121191024780273 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//015.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//015.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/015.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/015.ply with 615266 points
+global shift: [-5.04484696  5.94565674  4.39860777]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 28/468 [00:00<00:01, 277.14it/s]
generating data blocks:  12%|█▏        | 56/468 [00:00<00:01, 221.24it/s]
generating data blocks:  17%|█▋        | 79/468 [00:00<00:01, 209.73it/s]
generating data blocks:  24%|██▍       | 113/468 [00:00<00:01, 247.96it/s]
generating data blocks:  30%|██▉       | 139/468 [00:00<00:01, 215.63it/s]
generating data blocks:  35%|███▍      | 162/468 [00:00<00:01, 193.00it/s]
generating data blocks:  40%|████      | 189/468 [00:00<00:01, 212.50it/s]
generating data blocks:  45%|████▌     | 212/468 [00:01<00:01, 181.62it/s]
generating data blocks:  50%|████▉     | 232/468 [00:01<00:01, 174.25it/s]
generating data blocks:  56%|█████▌    | 261/468 [00:01<00:01, 202.13it/s]
generating data blocks:  60%|██████    | 283/468 [00:01<00:01, 176.77it/s]
generating data blocks:  65%|██████▍   | 302/468 [00:01<00:00, 177.49it/s]
generating data blocks:  69%|██████▊   | 321/468 [00:01<00:00, 178.25it/s]
generating data blocks:  74%|███████▎  | 344/468 [00:01<00:00, 190.07it/s]
generating data blocks:  79%|███████▉  | 372/468 [00:01<00:00, 213.62it/s]
generating data blocks:  84%|████████▍ | 394/468 [00:01<00:00, 209.84it/s]
generating data blocks:  92%|█████████▏| 431/468 [00:02<00:00, 254.59it/s]
generating data blocks:  99%|█████████▉| 463/468 [00:02<00:00, 272.94it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 214.34it/s]
+Preprocessing done in 2.609572172164917 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:05,  3.28it/s]
 10%|█         | 2/20 [00:00<00:06,  2.98it/s]
 15%|█▌        | 3/20 [00:01<00:06,  2.50it/s]
 20%|██        | 4/20 [00:01<00:06,  2.32it/s]
 25%|██▌       | 5/20 [00:02<00:06,  2.35it/s]
 30%|███       | 6/20 [00:02<00:06,  2.33it/s]
 35%|███▌      | 7/20 [00:02<00:05,  2.29it/s]
 40%|████      | 8/20 [00:03<00:05,  2.28it/s]
 45%|████▌     | 9/20 [00:03<00:05,  2.03it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.17it/s]
 55%|█████▌    | 11/20 [00:04<00:04,  2.09it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.06it/s]
 65%|██████▌   | 13/20 [00:05<00:03,  2.02it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.09it/s]
 75%|███████▌  | 15/20 [00:06<00:02,  2.05it/s]
 80%|████████  | 16/20 [00:07<00:01,  2.12it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.06it/s]
 90%|█████████ | 18/20 [00:08<00:01,  1.95it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.06it/s]
100%|██████████| 20/20 [00:09<00:00,  2.19it/s]
100%|██████████| 20/20 [00:09<00:00,  2.18it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/015.segmented.ply
+semantic segmentation done in 23.237780332565308 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//023.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//023.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/023.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/023.ply with 1143090 points
+global shift: [-15.69288577  14.43252095   3.70382338]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/432 [00:00<00:01, 252.95it/s]
generating data blocks:  12%|█▏        | 52/432 [00:00<00:02, 149.36it/s]
generating data blocks:  17%|█▋        | 75/432 [00:00<00:02, 172.46it/s]
generating data blocks:  24%|██▎       | 102/432 [00:00<00:01, 201.31it/s]
generating data blocks:  29%|██▉       | 125/432 [00:00<00:02, 134.26it/s]
generating data blocks:  33%|███▎      | 143/432 [00:00<00:02, 131.36it/s]
generating data blocks:  38%|███▊      | 164/432 [00:01<00:01, 147.67it/s]
generating data blocks:  42%|████▏     | 182/432 [00:01<00:02, 113.70it/s]
generating data blocks:  45%|████▌     | 196/432 [00:01<00:02, 115.97it/s]
generating data blocks:  49%|████▊     | 210/432 [00:01<00:02, 109.37it/s]
generating data blocks:  53%|█████▎    | 230/432 [00:01<00:01, 128.54it/s]
generating data blocks:  58%|█████▊    | 251/432 [00:01<00:01, 142.67it/s]
generating data blocks:  62%|██████▏   | 267/432 [00:02<00:01, 117.66it/s]
generating data blocks:  65%|██████▌   | 281/432 [00:02<00:01, 118.15it/s]
generating data blocks:  70%|███████   | 304/432 [00:02<00:00, 141.14it/s]
generating data blocks:  76%|███████▋  | 330/432 [00:02<00:00, 169.98it/s]
generating data blocks:  81%|████████  | 349/432 [00:02<00:00, 149.35it/s]
generating data blocks:  88%|████████▊ | 381/432 [00:02<00:00, 189.64it/s]
generating data blocks:  94%|█████████▎| 404/432 [00:02<00:00, 199.31it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 155.74it/s]
+Preprocessing done in 3.5390512943267822 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:08,  2.22it/s]
 11%|█         | 2/19 [00:01<00:08,  1.91it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.04it/s]
 21%|██        | 4/19 [00:01<00:06,  2.42it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.22it/s]
 32%|███▏      | 6/19 [00:02<00:06,  2.15it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.04it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.17it/s]
 47%|████▋     | 9/19 [00:04<00:05,  2.00it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.06it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.03it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.05it/s]
 68%|██████▊   | 13/19 [00:06<00:02,  2.15it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  1.98it/s]
 79%|███████▉  | 15/19 [00:07<00:01,  2.04it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  2.07it/s]
 89%|████████▉ | 17/19 [00:08<00:00,  2.20it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.14it/s]
100%|██████████| 19/19 [00:08<00:00,  2.28it/s]
100%|██████████| 19/19 [00:08<00:00,  2.13it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/023.segmented.ply
+semantic segmentation done in 34.11253070831299 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//024.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//024.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/024.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/024.ply with 1369793 points
+global shift: [-15.76390113   7.73367894   3.53671407]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   5%|▍         | 22/468 [00:00<00:02, 202.86it/s]
generating data blocks:   9%|▉         | 43/468 [00:00<00:02, 176.34it/s]
generating data blocks:  13%|█▎        | 61/468 [00:00<00:02, 161.55it/s]
generating data blocks:  17%|█▋        | 80/468 [00:00<00:02, 169.30it/s]
generating data blocks:  24%|██▎       | 110/468 [00:00<00:01, 207.44it/s]
generating data blocks:  28%|██▊       | 132/468 [00:00<00:01, 170.65it/s]
generating data blocks:  32%|███▏      | 151/468 [00:00<00:02, 131.87it/s]
generating data blocks:  35%|███▌      | 166/468 [00:01<00:02, 135.13it/s]
generating data blocks:  40%|███▉      | 185/468 [00:01<00:01, 148.26it/s]
generating data blocks:  43%|████▎     | 202/468 [00:01<00:01, 151.34it/s]
generating data blocks:  47%|████▋     | 219/468 [00:01<00:02, 98.32it/s] 
generating data blocks:  50%|████▉     | 232/468 [00:01<00:02, 94.64it/s]
generating data blocks:  54%|█████▎    | 251/468 [00:01<00:01, 113.34it/s]
generating data blocks:  59%|█████▉    | 275/468 [00:01<00:01, 140.84it/s]
generating data blocks:  62%|██████▏   | 292/468 [00:02<00:01, 128.76it/s]
generating data blocks:  66%|██████▌   | 307/468 [00:02<00:01, 110.02it/s]
generating data blocks:  68%|██████▊   | 320/468 [00:02<00:01, 107.45it/s]
generating data blocks:  74%|███████▍  | 348/468 [00:02<00:00, 145.49it/s]
generating data blocks:  79%|███████▉  | 371/468 [00:02<00:00, 163.59it/s]
generating data blocks:  83%|████████▎ | 390/468 [00:02<00:00, 160.51it/s]
generating data blocks:  88%|████████▊ | 414/468 [00:02<00:00, 180.59it/s]
generating data blocks:  94%|█████████▍| 441/468 [00:02<00:00, 202.27it/s]
generating data blocks: 100%|██████████| 468/468 [00:03<00:00, 152.04it/s]
+Preprocessing done in 3.9989702701568604 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:10,  1.93it/s]
 10%|▉         | 2/21 [00:00<00:08,  2.30it/s]
 14%|█▍        | 3/21 [00:01<00:07,  2.27it/s]
 19%|█▉        | 4/21 [00:01<00:07,  2.14it/s]
 24%|██▍       | 5/21 [00:02<00:07,  2.16it/s]
 29%|██▊       | 6/21 [00:02<00:06,  2.23it/s]
 33%|███▎      | 7/21 [00:03<00:06,  2.16it/s]
 38%|███▊      | 8/21 [00:03<00:06,  2.13it/s]
 43%|████▎     | 9/21 [00:04<00:05,  2.16it/s]
 48%|████▊     | 10/21 [00:04<00:05,  2.09it/s]
 52%|█████▏    | 11/21 [00:05<00:04,  2.20it/s]
 57%|█████▋    | 12/21 [00:05<00:04,  2.13it/s]
 62%|██████▏   | 13/21 [00:06<00:04,  1.92it/s]
 67%|██████▋   | 14/21 [00:06<00:03,  2.01it/s]
 71%|███████▏  | 15/21 [00:07<00:02,  2.13it/s]
 76%|███████▌  | 16/21 [00:07<00:02,  2.15it/s]
 81%|████████  | 17/21 [00:07<00:01,  2.16it/s]
 86%|████████▌ | 18/21 [00:08<00:01,  2.09it/s]
 90%|█████████ | 19/21 [00:08<00:00,  2.21it/s]
 95%|█████████▌| 20/21 [00:09<00:00,  2.08it/s]
100%|██████████| 21/21 [00:09<00:00,  2.09it/s]
100%|██████████| 21/21 [00:09<00:00,  2.12it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/024.segmented.ply
+semantic segmentation done in 36.40218448638916 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//026.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//026.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/026.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/026.ply with 264870 points
+global shift: [-25.13942493   5.91410012   7.95060452]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 36/468 [00:00<00:01, 341.68it/s]
generating data blocks:  15%|█▌        | 71/468 [00:00<00:01, 311.47it/s]
generating data blocks:  22%|██▏       | 105/468 [00:00<00:01, 321.70it/s]
generating data blocks:  29%|██▉       | 138/468 [00:00<00:01, 296.84it/s]
generating data blocks:  36%|███▌      | 168/468 [00:00<00:01, 280.13it/s]
generating data blocks:  42%|████▏     | 198/468 [00:00<00:00, 284.92it/s]
generating data blocks:  49%|████▊     | 227/468 [00:00<00:00, 252.65it/s]
generating data blocks:  56%|█████▌    | 261/468 [00:00<00:00, 274.21it/s]
generating data blocks:  62%|██████▏   | 290/468 [00:01<00:00, 261.15it/s]
generating data blocks:  68%|██████▊   | 317/468 [00:01<00:00, 246.05it/s]
generating data blocks:  75%|███████▍  | 350/468 [00:01<00:00, 266.87it/s]
generating data blocks:  82%|████████▏ | 385/468 [00:01<00:00, 284.49it/s]
generating data blocks:  89%|████████▉ | 416/468 [00:01<00:00, 290.90it/s]
generating data blocks:  98%|█████████▊| 458/468 [00:01<00:00, 325.79it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 292.48it/s]
+Preprocessing done in 1.8264474868774414 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/18 [00:00<?, ?it/s]
  6%|▌         | 1/18 [00:00<00:03,  4.56it/s]
 11%|█         | 2/18 [00:00<00:05,  3.15it/s]
 17%|█▋        | 3/18 [00:00<00:03,  4.07it/s]
 22%|██▏       | 4/18 [00:01<00:04,  3.26it/s]
 28%|██▊       | 5/18 [00:01<00:04,  2.70it/s]
 33%|███▎      | 6/18 [00:02<00:04,  2.68it/s]
 39%|███▉      | 7/18 [00:02<00:04,  2.50it/s]
 44%|████▍     | 8/18 [00:02<00:03,  2.66it/s]
 50%|█████     | 9/18 [00:03<00:03,  2.37it/s]
 56%|█████▌    | 10/18 [00:03<00:03,  2.40it/s]
 61%|██████    | 11/18 [00:04<00:03,  2.32it/s]
 67%|██████▋   | 12/18 [00:04<00:02,  2.45it/s]
 72%|███████▏  | 13/18 [00:05<00:02,  2.31it/s]
 78%|███████▊  | 14/18 [00:05<00:01,  2.25it/s]
 83%|████████▎ | 15/18 [00:05<00:01,  2.35it/s]
 89%|████████▉ | 16/18 [00:06<00:00,  2.81it/s]
 94%|█████████▍| 17/18 [00:06<00:00,  3.06it/s]
100%|██████████| 18/18 [00:06<00:00,  2.81it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/first/026.segmented.ply
+semantic segmentation done in 14.998263835906982 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//028.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//028.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/028.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/028.ply with 611500 points
+global shift: [-6.15782955 -3.30480206  5.00269922]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 28/468 [00:00<00:01, 275.05it/s]
generating data blocks:  12%|█▏        | 56/468 [00:00<00:02, 198.46it/s]
generating data blocks:  17%|█▋        | 78/468 [00:00<00:01, 201.60it/s]
generating data blocks:  22%|██▏       | 103/468 [00:00<00:01, 217.11it/s]
generating data blocks:  27%|██▋       | 126/468 [00:00<00:01, 184.78it/s]
generating data blocks:  31%|███       | 146/468 [00:00<00:01, 163.66it/s]
generating data blocks:  35%|███▌      | 166/468 [00:00<00:01, 172.23it/s]
generating data blocks:  42%|████▏     | 196/468 [00:00<00:01, 206.47it/s]
generating data blocks:  47%|████▋     | 218/468 [00:01<00:01, 181.06it/s]
generating data blocks:  51%|█████▏    | 241/468 [00:01<00:01, 191.02it/s]
generating data blocks:  58%|█████▊    | 270/468 [00:01<00:00, 213.21it/s]
generating data blocks:  63%|██████▎   | 296/468 [00:01<00:00, 220.30it/s]
generating data blocks:  68%|██████▊   | 319/468 [00:01<00:00, 219.82it/s]
generating data blocks:  73%|███████▎  | 342/468 [00:01<00:00, 218.82it/s]
generating data blocks:  79%|███████▉  | 372/468 [00:01<00:00, 241.60it/s]
generating data blocks:  85%|████████▍ | 397/468 [00:01<00:00, 218.16it/s]
generating data blocks:  93%|█████████▎| 436/468 [00:02<00:00, 262.73it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 221.40it/s]
+Preprocessing done in 2.5384671688079834 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:07,  2.41it/s]
 10%|█         | 2/20 [00:01<00:09,  1.90it/s]
 15%|█▌        | 3/20 [00:01<00:08,  1.89it/s]
 20%|██        | 4/20 [00:01<00:07,  2.10it/s]
 25%|██▌       | 5/20 [00:02<00:06,  2.24it/s]
 30%|███       | 6/20 [00:02<00:06,  2.27it/s]
 35%|███▌      | 7/20 [00:03<00:06,  2.15it/s]
 40%|████      | 8/20 [00:03<00:05,  2.07it/s]
 45%|████▌     | 9/20 [00:04<00:05,  2.08it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.09it/s]
 55%|█████▌    | 11/20 [00:05<00:04,  2.25it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.35it/s]
 65%|██████▌   | 13/20 [00:05<00:03,  2.31it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.18it/s]
 75%|███████▌  | 15/20 [00:07<00:02,  2.06it/s]
 80%|████████  | 16/20 [00:07<00:01,  2.28it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.33it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.33it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.34it/s]
100%|██████████| 20/20 [00:08<00:00,  2.50it/s]
100%|██████████| 20/20 [00:08<00:00,  2.24it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/028.segmented.ply
+semantic segmentation done in 24.459664821624756 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//029.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//029.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/029.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/029.ply with 313760 points
+global shift: [12.06349452 -4.37607809  4.39743587]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 34/432 [00:00<00:01, 326.75it/s]
generating data blocks:  16%|█▌        | 67/432 [00:00<00:01, 261.13it/s]
generating data blocks:  24%|██▎       | 102/432 [00:00<00:01, 284.08it/s]
generating data blocks:  31%|███       | 132/432 [00:00<00:01, 219.07it/s]
generating data blocks:  36%|███▋      | 157/432 [00:00<00:01, 226.61it/s]
generating data blocks:  42%|████▏     | 183/432 [00:00<00:01, 235.08it/s]
generating data blocks:  48%|████▊     | 208/432 [00:00<00:00, 238.47it/s]
generating data blocks:  54%|█████▍    | 233/432 [00:00<00:00, 234.99it/s]
generating data blocks:  62%|██████▏   | 267/432 [00:01<00:00, 263.83it/s]
generating data blocks:  68%|██████▊   | 295/432 [00:01<00:00, 266.16it/s]
generating data blocks:  76%|███████▌  | 328/432 [00:01<00:00, 284.72it/s]
generating data blocks:  83%|████████▎ | 359/432 [00:01<00:00, 291.43it/s]
generating data blocks:  92%|█████████▏| 397/432 [00:01<00:00, 315.48it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 277.36it/s]
+Preprocessing done in 1.806553840637207 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/15 [00:00<?, ?it/s]
  7%|▋         | 1/15 [00:00<00:06,  2.26it/s]
 13%|█▎        | 2/15 [00:00<00:06,  2.02it/s]
 20%|██        | 3/15 [00:01<00:05,  2.01it/s]
 27%|██▋       | 4/15 [00:01<00:04,  2.23it/s]
 33%|███▎      | 5/15 [00:02<00:04,  2.06it/s]
 40%|████      | 6/15 [00:02<00:04,  1.99it/s]
 47%|████▋     | 7/15 [00:03<00:04,  1.98it/s]
 53%|█████▎    | 8/15 [00:03<00:03,  2.16it/s]
 60%|██████    | 9/15 [00:04<00:02,  2.14it/s]
 67%|██████▋   | 10/15 [00:04<00:02,  2.07it/s]
 73%|███████▎  | 11/15 [00:05<00:01,  2.35it/s]
 80%|████████  | 12/15 [00:05<00:01,  2.34it/s]
 87%|████████▋ | 13/15 [00:05<00:00,  2.41it/s]
100%|██████████| 15/15 [00:06<00:00,  2.49it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 27
+nan: 11
+Saved to: sample_playground/segmented_point_clouds/tiled/first/029.segmented.ply
+semantic segmentation done in 15.804351329803467 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//035.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//035.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/035.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/035.ply with 752563 points
+global shift: [-15.58320933  -4.31207503   6.42129012]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 28/468 [00:00<00:01, 278.54it/s]
generating data blocks:  12%|█▏        | 56/468 [00:00<00:02, 190.68it/s]
generating data blocks:  18%|█▊        | 84/468 [00:00<00:01, 219.69it/s]
generating data blocks:  23%|██▎       | 108/468 [00:00<00:01, 213.71it/s]
generating data blocks:  28%|██▊       | 131/468 [00:00<00:01, 184.07it/s]
generating data blocks:  32%|███▏      | 151/468 [00:00<00:01, 160.92it/s]
generating data blocks:  39%|███▉      | 183/468 [00:00<00:01, 200.02it/s]
generating data blocks:  44%|████▍     | 205/468 [00:01<00:01, 169.79it/s]
generating data blocks:  48%|████▊     | 224/468 [00:01<00:01, 155.14it/s]
generating data blocks:  51%|█████▏    | 241/468 [00:01<00:01, 146.57it/s]
generating data blocks:  57%|█████▋    | 268/468 [00:01<00:01, 172.12it/s]
generating data blocks:  61%|██████▏   | 287/468 [00:01<00:01, 151.84it/s]
generating data blocks:  65%|██████▌   | 306/468 [00:01<00:01, 157.48it/s]
generating data blocks:  70%|███████   | 329/468 [00:01<00:00, 175.24it/s]
generating data blocks:  75%|███████▌  | 352/468 [00:01<00:00, 186.87it/s]
generating data blocks:  80%|███████▉  | 373/468 [00:02<00:00, 191.46it/s]
generating data blocks:  85%|████████▌ | 399/468 [00:02<00:00, 209.51it/s]
generating data blocks:  91%|█████████ | 426/468 [00:02<00:00, 226.07it/s]
generating data blocks:  99%|█████████▊| 462/468 [00:02<00:00, 262.04it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 193.99it/s]
+Preprocessing done in 2.932404041290283 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/22 [00:00<?, ?it/s]
  5%|▍         | 1/22 [00:00<00:07,  2.87it/s]
  9%|▉         | 2/22 [00:00<00:09,  2.16it/s]
 14%|█▎        | 3/22 [00:01<00:08,  2.29it/s]
 18%|█▊        | 4/22 [00:01<00:08,  2.22it/s]
 23%|██▎       | 5/22 [00:02<00:07,  2.21it/s]
 27%|██▋       | 6/22 [00:02<00:07,  2.06it/s]
 32%|███▏      | 7/22 [00:03<00:06,  2.15it/s]
 36%|███▋      | 8/22 [00:03<00:07,  1.97it/s]
 41%|████      | 9/22 [00:04<00:06,  2.01it/s]
 45%|████▌     | 10/22 [00:04<00:05,  2.12it/s]
 50%|█████     | 11/22 [00:05<00:05,  2.13it/s]
 55%|█████▍    | 12/22 [00:05<00:04,  2.08it/s]
 59%|█████▉    | 13/22 [00:06<00:04,  2.00it/s]
 64%|██████▎   | 14/22 [00:06<00:04,  1.92it/s]
 68%|██████▊   | 15/22 [00:07<00:03,  2.07it/s]
 73%|███████▎  | 16/22 [00:07<00:02,  2.05it/s]
 77%|███████▋  | 17/22 [00:08<00:02,  1.97it/s]
 82%|████████▏ | 18/22 [00:08<00:02,  1.84it/s]
 86%|████████▋ | 19/22 [00:09<00:01,  1.85it/s]
 91%|█████████ | 20/22 [00:09<00:01,  1.87it/s]
 95%|█████████▌| 21/22 [00:10<00:00,  2.01it/s]
100%|██████████| 22/22 [00:10<00:00,  2.12it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/035.segmented.ply
+semantic segmentation done in 25.2038357257843 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//036.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//036.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/036.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/036.ply with 421879 points
+global shift: [-25.72752941  -3.89773027   7.8344028 ]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 32/468 [00:00<00:01, 300.05it/s]
generating data blocks:  13%|█▎        | 63/468 [00:00<00:01, 277.41it/s]
generating data blocks:  20%|██        | 95/468 [00:00<00:01, 293.73it/s]
generating data blocks:  27%|██▋       | 125/468 [00:00<00:01, 264.81it/s]
generating data blocks:  32%|███▏      | 152/468 [00:00<00:01, 224.16it/s]
generating data blocks:  38%|███▊      | 177/468 [00:00<00:01, 231.34it/s]
generating data blocks:  43%|████▎     | 201/468 [00:00<00:01, 205.52it/s]
generating data blocks:  48%|████▊     | 223/468 [00:00<00:01, 193.66it/s]
generating data blocks:  54%|█████▎    | 251/468 [00:01<00:01, 215.88it/s]
generating data blocks:  59%|█████▉    | 276/468 [00:01<00:00, 223.53it/s]
generating data blocks:  64%|██████▍   | 300/468 [00:01<00:00, 194.73it/s]
generating data blocks:  70%|██████▉   | 327/468 [00:01<00:00, 213.21it/s]
generating data blocks:  77%|███████▋  | 360/468 [00:01<00:00, 237.03it/s]
generating data blocks:  82%|████████▏ | 386/468 [00:01<00:00, 241.53it/s]
generating data blocks:  90%|█████████ | 423/468 [00:01<00:00, 276.33it/s]
generating data blocks:  99%|█████████▊| 461/468 [00:01<00:00, 302.82it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 247.25it/s]
+Preprocessing done in 2.2055842876434326 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/22 [00:00<?, ?it/s]
  5%|▍         | 1/22 [00:00<00:04,  4.31it/s]
  9%|▉         | 2/22 [00:00<00:06,  3.29it/s]
 14%|█▎        | 3/22 [00:00<00:06,  2.93it/s]
 18%|█▊        | 4/22 [00:01<00:05,  3.05it/s]
 23%|██▎       | 5/22 [00:01<00:05,  3.07it/s]
 27%|██▋       | 6/22 [00:01<00:05,  3.06it/s]
 32%|███▏      | 7/22 [00:02<00:05,  2.55it/s]
 36%|███▋      | 8/22 [00:02<00:05,  2.37it/s]
 41%|████      | 9/22 [00:03<00:05,  2.39it/s]
 45%|████▌     | 10/22 [00:03<00:05,  2.25it/s]
 50%|█████     | 11/22 [00:04<00:05,  2.18it/s]
 55%|█████▍    | 12/22 [00:04<00:04,  2.16it/s]
 59%|█████▉    | 13/22 [00:05<00:04,  2.01it/s]
 64%|██████▎   | 14/22 [00:05<00:03,  2.25it/s]
 68%|██████▊   | 15/22 [00:06<00:03,  2.19it/s]
 73%|███████▎  | 16/22 [00:06<00:02,  2.02it/s]
 77%|███████▋  | 17/22 [00:07<00:02,  1.91it/s]
 82%|████████▏ | 18/22 [00:07<00:01,  2.05it/s]
 86%|████████▋ | 19/22 [00:08<00:01,  2.26it/s]
 91%|█████████ | 20/22 [00:08<00:00,  2.31it/s]
 95%|█████████▌| 21/22 [00:08<00:00,  2.67it/s]
100%|██████████| 22/22 [00:08<00:00,  2.48it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/036.segmented.ply
+semantic segmentation done in 20.288933753967285 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//037.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//037.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/037.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/037.ply with 235035 points
+global shift: [-34.36810922  -4.77633369   8.50302827]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 38/468 [00:00<00:01, 374.47it/s]
generating data blocks:  16%|█▌        | 76/468 [00:00<00:01, 350.67it/s]
generating data blocks:  24%|██▍       | 112/468 [00:00<00:01, 342.13it/s]
generating data blocks:  31%|███▏      | 147/468 [00:00<00:00, 328.25it/s]
generating data blocks:  39%|███▉      | 182/468 [00:00<00:00, 333.10it/s]
generating data blocks:  46%|████▌     | 216/468 [00:00<00:00, 276.42it/s]
generating data blocks:  53%|█████▎    | 246/468 [00:00<00:00, 262.36it/s]
generating data blocks:  60%|█████▉    | 280/468 [00:00<00:00, 280.12it/s]
generating data blocks:  66%|██████▌   | 309/468 [00:01<00:00, 247.95it/s]
generating data blocks:  73%|███████▎  | 343/468 [00:01<00:00, 267.98it/s]
generating data blocks:  79%|███████▉  | 371/468 [00:01<00:00, 264.56it/s]
generating data blocks:  87%|████████▋ | 405/468 [00:01<00:00, 281.89it/s]
generating data blocks:  96%|█████████▌| 450/468 [00:01<00:00, 325.87it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 300.46it/s]
+Preprocessing done in 1.7655837535858154 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:02,  6.54it/s]
 16%|█▌        | 3/19 [00:00<00:02,  5.62it/s]
 21%|██        | 4/19 [00:00<00:03,  4.84it/s]
 26%|██▋       | 5/19 [00:01<00:03,  4.02it/s]
 32%|███▏      | 6/19 [00:01<00:02,  4.78it/s]
 37%|███▋      | 7/19 [00:01<00:02,  4.72it/s]
 42%|████▏     | 8/19 [00:01<00:02,  3.76it/s]
 47%|████▋     | 9/19 [00:02<00:03,  3.27it/s]
 53%|█████▎    | 10/19 [00:02<00:02,  3.04it/s]
 58%|█████▊    | 11/19 [00:03<00:02,  2.70it/s]
 63%|██████▎   | 12/19 [00:03<00:02,  2.69it/s]
 68%|██████▊   | 13/19 [00:03<00:02,  2.93it/s]
 74%|███████▎  | 14/19 [00:04<00:01,  2.81it/s]
 79%|███████▉  | 15/19 [00:04<00:01,  2.55it/s]
 84%|████████▍ | 16/19 [00:04<00:00,  3.14it/s]
 89%|████████▉ | 17/19 [00:05<00:00,  3.04it/s]
 95%|█████████▍| 18/19 [00:05<00:00,  3.40it/s]
100%|██████████| 19/19 [00:05<00:00,  3.56it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/037.segmented.ply
+semantic segmentation done in 13.109447240829468 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//040.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//040.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/040.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/040.ply with 795251 points
+global shift: [-26.32818451 -14.10735722   7.21836984]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 28/468 [00:00<00:01, 244.30it/s]
generating data blocks:  11%|█▏        | 53/468 [00:00<00:02, 183.47it/s]
generating data blocks:  16%|█▌        | 73/468 [00:00<00:02, 175.22it/s]
generating data blocks:  22%|██▏       | 105/468 [00:00<00:01, 221.36it/s]
generating data blocks:  28%|██▊       | 129/468 [00:00<00:02, 168.37it/s]
generating data blocks:  32%|███▏      | 148/468 [00:00<00:02, 150.20it/s]
generating data blocks:  35%|███▌      | 165/468 [00:00<00:01, 154.88it/s]
generating data blocks:  40%|███▉      | 187/468 [00:01<00:01, 171.26it/s]
generating data blocks:  44%|████▍     | 206/468 [00:01<00:01, 156.59it/s]
generating data blocks:  48%|████▊     | 223/468 [00:01<00:01, 134.81it/s]
generating data blocks:  52%|█████▏    | 245/468 [00:01<00:01, 154.56it/s]
generating data blocks:  57%|█████▋    | 269/468 [00:01<00:01, 171.67it/s]
generating data blocks:  62%|██████▏   | 288/468 [00:01<00:01, 166.68it/s]
generating data blocks:  66%|██████▌   | 310/468 [00:01<00:00, 179.32it/s]
generating data blocks:  70%|███████   | 329/468 [00:01<00:00, 181.81it/s]
generating data blocks:  75%|███████▌  | 353/468 [00:02<00:00, 195.90it/s]
generating data blocks:  80%|████████  | 375/468 [00:02<00:00, 202.63it/s]
generating data blocks:  87%|████████▋ | 405/468 [00:02<00:00, 229.95it/s]
generating data blocks:  94%|█████████▍| 442/468 [00:02<00:00, 270.06it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 192.78it/s]
+Preprocessing done in 2.9582433700561523 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:09,  2.04it/s]
 10%|▉         | 2/21 [00:00<00:09,  2.09it/s]
 14%|█▍        | 3/21 [00:01<00:08,  2.06it/s]
 19%|█▉        | 4/21 [00:01<00:07,  2.22it/s]
 24%|██▍       | 5/21 [00:02<00:06,  2.36it/s]
 29%|██▊       | 6/21 [00:02<00:06,  2.15it/s]
 33%|███▎      | 7/21 [00:03<00:06,  2.13it/s]
 38%|███▊      | 8/21 [00:03<00:06,  2.11it/s]
 43%|████▎     | 9/21 [00:04<00:05,  2.08it/s]
 48%|████▊     | 10/21 [00:04<00:05,  2.08it/s]
 52%|█████▏    | 11/21 [00:05<00:04,  2.10it/s]
 57%|█████▋    | 12/21 [00:05<00:04,  2.11it/s]
 62%|██████▏   | 13/21 [00:06<00:04,  1.89it/s]
 67%|██████▋   | 14/21 [00:06<00:03,  1.96it/s]
 71%|███████▏  | 15/21 [00:07<00:02,  2.03it/s]
 76%|███████▌  | 16/21 [00:07<00:02,  2.06it/s]
 81%|████████  | 17/21 [00:08<00:02,  1.84it/s]
 86%|████████▌ | 18/21 [00:08<00:01,  2.08it/s]
 90%|█████████ | 19/21 [00:09<00:00,  2.07it/s]
 95%|█████████▌| 20/21 [00:09<00:00,  2.25it/s]
100%|██████████| 21/21 [00:09<00:00,  2.59it/s]
100%|██████████| 21/21 [00:09<00:00,  2.14it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/040.segmented.ply
+semantic segmentation done in 26.598994731903076 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//041.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//041.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/041.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/041.ply with 662750 points
+global shift: [-35.65005441 -14.59822521   7.52722627]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 31/468 [00:00<00:01, 284.81it/s]
generating data blocks:  13%|█▎        | 60/468 [00:00<00:01, 237.23it/s]
generating data blocks:  18%|█▊        | 85/468 [00:00<00:01, 238.38it/s]
generating data blocks:  24%|██▎       | 110/468 [00:00<00:01, 232.64it/s]
generating data blocks:  29%|██▊       | 134/468 [00:00<00:01, 192.45it/s]
generating data blocks:  33%|███▎      | 155/468 [00:00<00:01, 180.33it/s]
generating data blocks:  39%|███▉      | 182/468 [00:00<00:01, 203.71it/s]
generating data blocks:  44%|████▎     | 204/468 [00:00<00:01, 192.89it/s]
generating data blocks:  48%|████▊     | 224/468 [00:01<00:01, 162.50it/s]
generating data blocks:  52%|█████▏    | 245/468 [00:01<00:01, 173.23it/s]
generating data blocks:  58%|█████▊    | 271/468 [00:01<00:01, 191.96it/s]
generating data blocks:  62%|██████▏   | 292/468 [00:01<00:00, 184.18it/s]
generating data blocks:  67%|██████▋   | 312/468 [00:01<00:00, 165.93it/s]
generating data blocks:  72%|███████▏  | 336/468 [00:01<00:00, 182.14it/s]
generating data blocks:  77%|███████▋  | 359/468 [00:01<00:00, 192.40it/s]
generating data blocks:  82%|████████▏ | 384/468 [00:01<00:00, 205.41it/s]
generating data blocks:  88%|████████▊ | 414/468 [00:02<00:00, 229.80it/s]
generating data blocks:  96%|█████████▌| 449/468 [00:02<00:00, 263.33it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 211.20it/s]
+Preprocessing done in 2.6598665714263916 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:05,  3.44it/s]
 11%|█         | 2/19 [00:00<00:07,  2.34it/s]
 16%|█▌        | 3/19 [00:01<00:06,  2.48it/s]
 21%|██        | 4/19 [00:01<00:05,  2.62it/s]
 26%|██▋       | 5/19 [00:02<00:05,  2.34it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.28it/s]
 37%|███▋      | 7/19 [00:02<00:05,  2.24it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.18it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.14it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  1.99it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.11it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.02it/s]
 68%|██████▊   | 13/19 [00:05<00:03,  2.00it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.18it/s]
 79%|███████▉  | 15/19 [00:06<00:02,  1.98it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  1.92it/s]
 89%|████████▉ | 17/19 [00:07<00:00,  2.15it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.05it/s]
100%|██████████| 19/19 [00:08<00:00,  2.14it/s]
100%|██████████| 19/19 [00:08<00:00,  2.16it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/041.segmented.ply
+semantic segmentation done in 23.003380060195923 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//042.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//042.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/042.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/042.ply with 937424 points
+global shift: [-15.58044416 -14.32459088   5.86428304]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/468 [00:00<00:01, 237.83it/s]
generating data blocks:  11%|█         | 50/468 [00:00<00:02, 182.08it/s]
generating data blocks:  15%|█▍        | 69/468 [00:00<00:02, 161.82it/s]
generating data blocks:  22%|██▏       | 103/468 [00:00<00:01, 217.97it/s]
generating data blocks:  27%|██▋       | 127/468 [00:00<00:01, 172.56it/s]
generating data blocks:  31%|███▏      | 147/468 [00:00<00:02, 157.36it/s]
generating data blocks:  35%|███▌      | 165/468 [00:00<00:01, 160.58it/s]
generating data blocks:  41%|████      | 192/468 [00:01<00:01, 174.82it/s]
generating data blocks:  45%|████▌     | 211/468 [00:01<00:01, 145.62it/s]
generating data blocks:  49%|████▊     | 227/468 [00:01<00:01, 140.09it/s]
generating data blocks:  52%|█████▏    | 245/468 [00:01<00:01, 148.42it/s]
generating data blocks:  57%|█████▋    | 268/468 [00:01<00:01, 168.61it/s]
generating data blocks:  61%|██████    | 286/468 [00:01<00:01, 139.60it/s]
generating data blocks:  65%|██████▍   | 302/468 [00:01<00:01, 135.88it/s]
generating data blocks:  68%|██████▊   | 317/468 [00:02<00:01, 134.49it/s]
generating data blocks:  73%|███████▎  | 341/468 [00:02<00:00, 160.37it/s]
generating data blocks:  78%|███████▊  | 365/468 [00:02<00:00, 176.55it/s]
generating data blocks:  82%|████████▏ | 384/468 [00:02<00:00, 163.85it/s]
generating data blocks:  88%|████████▊ | 413/468 [00:02<00:00, 195.74it/s]
generating data blocks:  95%|█████████▍| 443/468 [00:02<00:00, 223.63it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 175.52it/s]
+Preprocessing done in 3.295463800430298 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/22 [00:00<?, ?it/s]
  5%|▍         | 1/22 [00:00<00:08,  2.37it/s]
  9%|▉         | 2/22 [00:00<00:08,  2.37it/s]
 14%|█▎        | 3/22 [00:01<00:09,  2.07it/s]
 18%|█▊        | 4/22 [00:01<00:08,  2.11it/s]
 23%|██▎       | 5/22 [00:02<00:07,  2.39it/s]
 27%|██▋       | 6/22 [00:02<00:07,  2.23it/s]
 32%|███▏      | 7/22 [00:03<00:07,  2.12it/s]
 36%|███▋      | 8/22 [00:03<00:06,  2.05it/s]
 41%|████      | 9/22 [00:04<00:06,  1.94it/s]
 45%|████▌     | 10/22 [00:04<00:05,  2.03it/s]
 50%|█████     | 11/22 [00:05<00:05,  2.02it/s]
 55%|█████▍    | 12/22 [00:05<00:05,  1.90it/s]
 59%|█████▉    | 13/22 [00:06<00:04,  2.07it/s]
 64%|██████▎   | 14/22 [00:06<00:04,  1.88it/s]
 68%|██████▊   | 15/22 [00:07<00:03,  1.87it/s]
 73%|███████▎  | 16/22 [00:07<00:03,  1.86it/s]
 77%|███████▋  | 17/22 [00:08<00:02,  1.98it/s]
 82%|████████▏ | 18/22 [00:08<00:02,  1.94it/s]
 86%|████████▋ | 19/22 [00:09<00:01,  1.93it/s]
 91%|█████████ | 20/22 [00:10<00:01,  1.89it/s]
 95%|█████████▌| 21/22 [00:10<00:00,  1.89it/s]
100%|██████████| 22/22 [00:11<00:00,  1.96it/s]
100%|██████████| 22/22 [00:11<00:00,  2.00it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/042.segmented.ply
+semantic segmentation done in 32.19445252418518 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//043.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//043.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/043.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/043.ply with 710983 points
+global shift: [ -6.90919471 -12.78867496   5.96407485]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 28/468 [00:00<00:01, 277.46it/s]
generating data blocks:  12%|█▏        | 56/468 [00:00<00:01, 228.41it/s]
generating data blocks:  17%|█▋        | 80/468 [00:00<00:02, 191.19it/s]
generating data blocks:  23%|██▎       | 109/468 [00:00<00:01, 222.95it/s]
generating data blocks:  28%|██▊       | 133/468 [00:00<00:01, 205.91it/s]
generating data blocks:  33%|███▎      | 155/468 [00:00<00:02, 155.37it/s]
generating data blocks:  37%|███▋      | 173/468 [00:00<00:01, 158.02it/s]
generating data blocks:  42%|████▏     | 197/468 [00:01<00:01, 176.98it/s]
generating data blocks:  46%|████▋     | 217/468 [00:01<00:01, 156.91it/s]
generating data blocks:  50%|█████     | 234/468 [00:01<00:01, 144.66it/s]
generating data blocks:  56%|█████▋    | 264/468 [00:01<00:01, 179.32it/s]
generating data blocks:  61%|██████    | 284/468 [00:01<00:01, 179.67it/s]
generating data blocks:  65%|██████▍   | 303/468 [00:01<00:01, 162.27it/s]
generating data blocks:  69%|██████▉   | 325/468 [00:01<00:00, 175.95it/s]
generating data blocks:  77%|███████▋  | 360/468 [00:01<00:00, 219.89it/s]
generating data blocks:  82%|████████▏ | 386/468 [00:02<00:00, 227.58it/s]
generating data blocks:  88%|████████▊ | 410/468 [00:02<00:00, 227.68it/s]
generating data blocks:  94%|█████████▍| 439/468 [00:02<00:00, 244.74it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 201.32it/s]
+Preprocessing done in 2.8132944107055664 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:10,  1.77it/s]
 10%|█         | 2/20 [00:01<00:08,  2.03it/s]
 15%|█▌        | 3/20 [00:01<00:08,  2.08it/s]
 20%|██        | 4/20 [00:01<00:07,  2.02it/s]
 25%|██▌       | 5/20 [00:02<00:07,  2.11it/s]
 30%|███       | 6/20 [00:02<00:06,  2.15it/s]
 35%|███▌      | 7/20 [00:03<00:06,  2.12it/s]
 40%|████      | 8/20 [00:03<00:05,  2.08it/s]
 45%|████▌     | 9/20 [00:04<00:05,  1.99it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.03it/s]
 55%|█████▌    | 11/20 [00:05<00:04,  2.14it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.09it/s]
 65%|██████▌   | 13/20 [00:06<00:03,  2.03it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.05it/s]
 75%|███████▌  | 15/20 [00:07<00:02,  1.99it/s]
 80%|████████  | 16/20 [00:07<00:02,  1.97it/s]
 85%|████████▌ | 17/20 [00:08<00:01,  1.87it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.11it/s]
 95%|█████████▌| 19/20 [00:09<00:00,  2.32it/s]
100%|██████████| 20/20 [00:09<00:00,  2.23it/s]
100%|██████████| 20/20 [00:09<00:00,  2.08it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/043.segmented.ply
+semantic segmentation done in 25.582654237747192 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//044.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//044.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/044.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/044.ply with 868371 points
+global shift: [-15.94678476 -23.51047161   6.12342013]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 23/432 [00:00<00:01, 215.43it/s]
generating data blocks:  10%|█         | 45/432 [00:00<00:01, 207.70it/s]
generating data blocks:  15%|█▌        | 66/432 [00:00<00:01, 206.27it/s]
generating data blocks:  21%|██        | 89/432 [00:00<00:01, 213.20it/s]
generating data blocks:  26%|██▌       | 111/432 [00:00<00:01, 200.57it/s]
generating data blocks:  31%|███       | 132/432 [00:00<00:01, 155.51it/s]
generating data blocks:  35%|███▍      | 150/432 [00:00<00:01, 154.90it/s]
generating data blocks:  40%|███▉      | 172/432 [00:00<00:01, 171.02it/s]
generating data blocks:  44%|████▍     | 191/432 [00:01<00:01, 159.72it/s]
generating data blocks:  48%|████▊     | 208/432 [00:01<00:01, 142.11it/s]
generating data blocks:  52%|█████▏    | 223/432 [00:01<00:01, 132.45it/s]
generating data blocks:  58%|█████▊    | 250/432 [00:01<00:01, 164.84it/s]
generating data blocks:  62%|██████▏   | 268/432 [00:01<00:01, 154.76it/s]
generating data blocks:  66%|██████▌   | 285/432 [00:01<00:00, 151.78it/s]
generating data blocks:  70%|██████▉   | 302/432 [00:01<00:00, 154.24it/s]
generating data blocks:  76%|███████▌  | 327/432 [00:01<00:00, 177.20it/s]
generating data blocks:  81%|████████  | 350/432 [00:02<00:00, 187.12it/s]
generating data blocks:  86%|████████▌ | 370/432 [00:02<00:00, 180.81it/s]
generating data blocks:  95%|█████████▍| 410/432 [00:02<00:00, 238.93it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 182.54it/s]
+Preprocessing done in 2.9642088413238525 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:07,  2.25it/s]
 11%|█         | 2/19 [00:00<00:08,  1.98it/s]
 16%|█▌        | 3/19 [00:01<00:08,  1.92it/s]
 21%|██        | 4/19 [00:01<00:07,  2.08it/s]
 26%|██▋       | 5/19 [00:02<00:07,  1.97it/s]
 32%|███▏      | 6/19 [00:03<00:06,  1.96it/s]
 37%|███▋      | 7/19 [00:03<00:06,  1.86it/s]
 42%|████▏     | 8/19 [00:04<00:06,  1.80it/s]
 47%|████▋     | 9/19 [00:04<00:05,  1.88it/s]
 53%|█████▎    | 10/19 [00:05<00:04,  1.90it/s]
 58%|█████▊    | 11/19 [00:05<00:04,  1.89it/s]
 63%|██████▎   | 12/19 [00:06<00:03,  1.83it/s]
 68%|██████▊   | 13/19 [00:06<00:03,  1.83it/s]
 74%|███████▎  | 14/19 [00:07<00:02,  1.77it/s]
 79%|███████▉  | 15/19 [00:08<00:02,  1.79it/s]
 84%|████████▍ | 16/19 [00:08<00:01,  1.83it/s]
 89%|████████▉ | 17/19 [00:08<00:01,  1.92it/s]
 95%|█████████▍| 18/19 [00:09<00:00,  2.02it/s]
100%|██████████| 19/19 [00:09<00:00,  2.15it/s]
100%|██████████| 19/19 [00:09<00:00,  1.93it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/044.segmented.ply
+semantic segmentation done in 28.215416193008423 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//045.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//045.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/045.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/045.ply with 584237 points
+global shift: [-27.31303231 -32.06703028   7.64861958]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▋         | 27/432 [00:00<00:01, 267.82it/s]
generating data blocks:  12%|█▎        | 54/432 [00:00<00:01, 232.26it/s]
generating data blocks:  18%|█▊        | 78/432 [00:00<00:01, 204.30it/s]
generating data blocks:  23%|██▎       | 99/432 [00:00<00:01, 198.86it/s]
generating data blocks:  28%|██▊       | 120/432 [00:00<00:01, 194.26it/s]
generating data blocks:  32%|███▏      | 140/432 [00:00<00:01, 155.43it/s]
generating data blocks:  37%|███▋      | 158/432 [00:00<00:01, 160.70it/s]
generating data blocks:  43%|████▎     | 184/432 [00:00<00:01, 182.57it/s]
generating data blocks:  47%|████▋     | 204/432 [00:01<00:01, 184.42it/s]
generating data blocks:  52%|█████▏    | 224/432 [00:01<00:01, 171.09it/s]
generating data blocks:  59%|█████▊    | 253/432 [00:01<00:00, 201.59it/s]
generating data blocks:  65%|██████▍   | 279/432 [00:01<00:00, 217.31it/s]
generating data blocks:  70%|██████▉   | 302/432 [00:01<00:00, 197.55it/s]
generating data blocks:  78%|███████▊  | 339/432 [00:01<00:00, 241.57it/s]
generating data blocks:  84%|████████▍ | 365/432 [00:01<00:00, 237.64it/s]
generating data blocks:  91%|█████████▏| 395/432 [00:01<00:00, 254.55it/s]
generating data blocks: 100%|█████████▉| 430/432 [00:01<00:00, 279.32it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 216.40it/s]
+Preprocessing done in 2.3938117027282715 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:07,  2.67it/s]
 10%|█         | 2/20 [00:00<00:07,  2.47it/s]
 15%|█▌        | 3/20 [00:01<00:07,  2.38it/s]
 20%|██        | 4/20 [00:01<00:07,  2.02it/s]
 25%|██▌       | 5/20 [00:02<00:07,  2.06it/s]
 30%|███       | 6/20 [00:02<00:06,  2.14it/s]
 35%|███▌      | 7/20 [00:03<00:05,  2.24it/s]
 40%|████      | 8/20 [00:03<00:06,  1.93it/s]
 45%|████▌     | 9/20 [00:04<00:05,  1.91it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.10it/s]
 55%|█████▌    | 11/20 [00:05<00:03,  2.30it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.18it/s]
 65%|██████▌   | 13/20 [00:06<00:03,  1.97it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.19it/s]
 75%|███████▌  | 15/20 [00:06<00:02,  2.28it/s]
 80%|████████  | 16/20 [00:07<00:01,  2.21it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.14it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.40it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.53it/s]
100%|██████████| 20/20 [00:08<00:00,  2.68it/s]
100%|██████████| 20/20 [00:08<00:00,  2.25it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 5
+Saved to: sample_playground/segmented_point_clouds/tiled/first/045.segmented.ply
+semantic segmentation done in 20.852300882339478 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//046.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//046.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/046.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/046.ply with 1049384 points
+global shift: [-26.54624447 -24.73891194   7.33214751]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 23/432 [00:00<00:01, 213.14it/s]
generating data blocks:  10%|█         | 45/432 [00:00<00:02, 144.63it/s]
generating data blocks:  14%|█▍        | 61/432 [00:00<00:02, 148.93it/s]
generating data blocks:  18%|█▊        | 79/432 [00:00<00:02, 158.34it/s]
generating data blocks:  24%|██▍       | 105/432 [00:00<00:01, 185.32it/s]
generating data blocks:  29%|██▉       | 125/432 [00:00<00:02, 132.08it/s]
generating data blocks:  33%|███▎      | 141/432 [00:00<00:02, 125.68it/s]
generating data blocks:  36%|███▌      | 156/432 [00:01<00:02, 128.92it/s]
generating data blocks:  42%|████▏     | 180/432 [00:01<00:01, 154.43it/s]
generating data blocks:  46%|████▌     | 197/432 [00:01<00:01, 135.28it/s]
generating data blocks:  49%|████▉     | 212/432 [00:01<00:01, 115.57it/s]
generating data blocks:  54%|█████▍    | 235/432 [00:01<00:01, 139.84it/s]
generating data blocks:  58%|█████▊    | 251/432 [00:01<00:01, 143.28it/s]
generating data blocks:  62%|██████▏   | 269/432 [00:01<00:01, 152.51it/s]
generating data blocks:  66%|██████▌   | 286/432 [00:01<00:00, 148.14it/s]
generating data blocks:  70%|██████▉   | 302/432 [00:02<00:00, 145.27it/s]
generating data blocks:  77%|███████▋  | 333/432 [00:02<00:00, 186.99it/s]
generating data blocks:  82%|████████▏ | 353/432 [00:02<00:00, 167.36it/s]
generating data blocks:  86%|████████▌ | 371/432 [00:02<00:00, 168.12it/s]
generating data blocks:  93%|█████████▎| 401/432 [00:02<00:00, 202.56it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 231.76it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 161.75it/s]
+Preprocessing done in 3.377621650695801 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:13,  1.51it/s]
 10%|▉         | 2/21 [00:01<00:10,  1.77it/s]
 14%|█▍        | 3/21 [00:01<00:09,  1.81it/s]
 19%|█▉        | 4/21 [00:02<00:08,  1.98it/s]
 24%|██▍       | 5/21 [00:02<00:07,  2.14it/s]
 29%|██▊       | 6/21 [00:03<00:07,  2.02it/s]
 33%|███▎      | 7/21 [00:03<00:07,  1.93it/s]
 38%|███▊      | 8/21 [00:04<00:06,  1.97it/s]
 43%|████▎     | 9/21 [00:04<00:06,  1.98it/s]
 48%|████▊     | 10/21 [00:05<00:05,  1.97it/s]
 52%|█████▏    | 11/21 [00:05<00:04,  2.02it/s]
 57%|█████▋    | 12/21 [00:06<00:04,  2.08it/s]
 62%|██████▏   | 13/21 [00:06<00:03,  2.05it/s]
 67%|██████▋   | 14/21 [00:07<00:03,  1.99it/s]
 71%|███████▏  | 15/21 [00:07<00:03,  1.94it/s]
 76%|███████▌  | 16/21 [00:08<00:02,  2.01it/s]
 81%|████████  | 17/21 [00:08<00:02,  1.80it/s]
 86%|████████▌ | 18/21 [00:09<00:01,  1.86it/s]
 90%|█████████ | 19/21 [00:09<00:01,  1.91it/s]
 95%|█████████▌| 20/21 [00:10<00:00,  1.85it/s]
100%|██████████| 21/21 [00:10<00:00,  2.03it/s]
100%|██████████| 21/21 [00:10<00:00,  1.96it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/046.segmented.ply
+semantic segmentation done in 34.18386888504028 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//047.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//047.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/047.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/047.ply with 533126 points
+global shift: [  4.05743728 -12.37916376   5.55098952]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▋         | 30/468 [00:00<00:01, 297.68it/s]
generating data blocks:  13%|█▎        | 60/468 [00:00<00:01, 254.40it/s]
generating data blocks:  18%|█▊        | 86/468 [00:00<00:01, 255.24it/s]
generating data blocks:  24%|██▍       | 113/468 [00:00<00:01, 259.72it/s]
generating data blocks:  30%|██▉       | 140/468 [00:00<00:01, 230.46it/s]
generating data blocks:  35%|███▌      | 164/468 [00:00<00:01, 185.33it/s]
generating data blocks:  42%|████▏     | 198/468 [00:00<00:01, 222.87it/s]
generating data blocks:  48%|████▊     | 223/468 [00:01<00:01, 200.63it/s]
generating data blocks:  52%|█████▏    | 245/468 [00:01<00:01, 190.60it/s]
generating data blocks:  58%|█████▊    | 272/468 [00:01<00:00, 207.71it/s]
generating data blocks:  63%|██████▎   | 294/468 [00:01<00:00, 209.14it/s]
generating data blocks:  68%|██████▊   | 316/468 [00:01<00:00, 185.52it/s]
generating data blocks:  74%|███████▎  | 344/468 [00:01<00:00, 207.27it/s]
generating data blocks:  79%|███████▉  | 370/468 [00:01<00:00, 220.75it/s]
generating data blocks:  84%|████████▍ | 393/468 [00:01<00:00, 219.55it/s]
generating data blocks:  93%|█████████▎| 433/468 [00:01<00:00, 268.52it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 232.07it/s]
+Preprocessing done in 2.3962950706481934 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:03,  5.09it/s]
 11%|█         | 2/19 [00:00<00:05,  3.20it/s]
 16%|█▌        | 3/19 [00:01<00:06,  2.45it/s]
 21%|██        | 4/19 [00:01<00:05,  2.63it/s]
 26%|██▋       | 5/19 [00:01<00:04,  2.82it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.51it/s]
 37%|███▋      | 7/19 [00:02<00:04,  2.41it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.30it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.21it/s]
 53%|█████▎    | 10/19 [00:04<00:03,  2.31it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.16it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.02it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.04it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.07it/s]
 79%|███████▉  | 15/19 [00:06<00:02,  1.95it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  1.95it/s]
 89%|████████▉ | 17/19 [00:07<00:00,  2.17it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.02it/s]
100%|██████████| 19/19 [00:08<00:00,  2.20it/s]
100%|██████████| 19/19 [00:08<00:00,  2.24it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 102
+nan: 66
+nan: 40
+nan: 17
+Saved to: sample_playground/segmented_point_clouds/tiled/first/047.segmented.ply
+semantic segmentation done in 21.18252992630005 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//062.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//062.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/062.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/062.ply with 647563 points
+global shift: [-35.25675516 -32.17835684   8.49597336]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 27/468 [00:00<00:01, 264.22it/s]
generating data blocks:  12%|█▏        | 55/468 [00:00<00:01, 258.77it/s]
generating data blocks:  18%|█▊        | 84/468 [00:00<00:01, 270.31it/s]
generating data blocks:  24%|██▍       | 112/468 [00:00<00:01, 271.46it/s]
generating data blocks:  30%|██▉       | 140/468 [00:00<00:01, 229.00it/s]
generating data blocks:  35%|███▌      | 164/468 [00:00<00:01, 191.32it/s]
generating data blocks:  40%|████      | 189/468 [00:00<00:01, 205.64it/s]
generating data blocks:  45%|████▌     | 211/468 [00:00<00:01, 193.80it/s]
generating data blocks:  50%|████▉     | 232/468 [00:01<00:01, 162.44it/s]
generating data blocks:  53%|█████▎    | 250/468 [00:01<00:01, 164.37it/s]
generating data blocks:  59%|█████▉    | 278/468 [00:01<00:00, 192.43it/s]
generating data blocks:  64%|██████▍   | 299/468 [00:01<00:00, 173.17it/s]
generating data blocks:  68%|██████▊   | 318/468 [00:01<00:00, 174.68it/s]
generating data blocks:  72%|███████▏  | 337/468 [00:01<00:00, 176.21it/s]
generating data blocks:  78%|███████▊  | 366/468 [00:01<00:00, 204.90it/s]
generating data blocks:  83%|████████▎ | 388/468 [00:01<00:00, 203.69it/s]
generating data blocks:  90%|█████████ | 423/468 [00:02<00:00, 242.80it/s]
generating data blocks:  98%|█████████▊| 460/468 [00:02<00:00, 277.80it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 215.62it/s]
+Preprocessing done in 2.61118745803833 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:06,  2.98it/s]
 10%|█         | 2/20 [00:00<00:06,  2.96it/s]
 15%|█▌        | 3/20 [00:01<00:06,  2.62it/s]
 20%|██        | 4/20 [00:01<00:05,  2.86it/s]
 25%|██▌       | 5/20 [00:01<00:05,  2.58it/s]
 30%|███       | 6/20 [00:02<00:05,  2.59it/s]
 35%|███▌      | 7/20 [00:02<00:05,  2.34it/s]
 40%|████      | 8/20 [00:03<00:05,  2.05it/s]
 45%|████▌     | 9/20 [00:03<00:05,  1.99it/s]
 50%|█████     | 10/20 [00:04<00:05,  1.88it/s]
 55%|█████▌    | 11/20 [00:04<00:04,  1.95it/s]
 60%|██████    | 12/20 [00:05<00:04,  1.79it/s]
 65%|██████▌   | 13/20 [00:06<00:03,  1.89it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.04it/s]
 75%|███████▌  | 15/20 [00:07<00:02,  1.90it/s]
 80%|████████  | 16/20 [00:07<00:02,  1.74it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.27it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.64it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.26it/s]
100%|██████████| 20/20 [00:08<00:00,  2.27it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/062.segmented.ply
+semantic segmentation done in 21.594656705856323 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//063.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//063.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/063.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/063.ply with 1786681 points
+global shift: [-36.18792471 -23.51626487   6.71358011]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   5%|▍         | 22/468 [00:00<00:02, 205.89it/s]
generating data blocks:   9%|▉         | 43/468 [00:00<00:03, 125.52it/s]
generating data blocks:  12%|█▏        | 58/468 [00:00<00:03, 116.26it/s]
generating data blocks:  16%|█▌        | 73/468 [00:00<00:03, 126.05it/s]
generating data blocks:  20%|█▉        | 93/468 [00:00<00:02, 146.32it/s]
generating data blocks:  23%|██▎       | 109/468 [00:00<00:02, 143.15it/s]
generating data blocks:  26%|██▋       | 124/468 [00:00<00:03, 114.48it/s]
generating data blocks:  29%|██▉       | 137/468 [00:01<00:03, 82.85it/s] 
generating data blocks:  32%|███▏      | 149/468 [00:01<00:03, 89.06it/s]
generating data blocks:  34%|███▍      | 161/468 [00:01<00:03, 95.62it/s]
generating data blocks:  38%|███▊      | 179/468 [00:01<00:02, 110.24it/s]
generating data blocks:  41%|████      | 193/468 [00:01<00:02, 115.48it/s]
generating data blocks:  44%|████▍     | 206/468 [00:01<00:02, 95.38it/s] 
generating data blocks:  46%|████▋     | 217/468 [00:02<00:02, 94.79it/s]
generating data blocks:  49%|████▊     | 228/468 [00:02<00:03, 73.02it/s]
generating data blocks:  53%|█████▎    | 249/468 [00:02<00:02, 100.31it/s]
generating data blocks:  57%|█████▋    | 266/468 [00:02<00:01, 115.08it/s]
generating data blocks:  60%|█████▉    | 280/468 [00:02<00:01, 111.86it/s]
generating data blocks:  63%|██████▎   | 293/468 [00:02<00:01, 114.49it/s]
generating data blocks:  65%|██████▌   | 306/468 [00:02<00:01, 117.23it/s]
generating data blocks:  68%|██████▊   | 319/468 [00:02<00:01, 112.56it/s]
generating data blocks:  72%|███████▏  | 336/468 [00:03<00:01, 126.92it/s]
generating data blocks:  76%|███████▌  | 355/468 [00:03<00:00, 138.55it/s]
generating data blocks:  80%|████████  | 375/468 [00:03<00:00, 153.07it/s]
generating data blocks:  84%|████████▎ | 391/468 [00:03<00:00, 154.97it/s]
generating data blocks:  89%|████████▉ | 417/468 [00:03<00:00, 184.61it/s]
generating data blocks:  94%|█████████▍| 439/468 [00:03<00:00, 192.89it/s]
generating data blocks: 100%|█████████▉| 467/468 [00:03<00:00, 211.75it/s]
generating data blocks: 100%|██████████| 468/468 [00:03<00:00, 127.45it/s]
+Preprocessing done in 4.884562253952026 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:09,  2.05it/s]
 10%|▉         | 2/21 [00:01<00:10,  1.80it/s]
 14%|█▍        | 3/21 [00:01<00:10,  1.72it/s]
 19%|█▉        | 4/21 [00:02<00:09,  1.77it/s]
 24%|██▍       | 5/21 [00:02<00:08,  1.85it/s]
 29%|██▊       | 6/21 [00:03<00:08,  1.83it/s]
 33%|███▎      | 7/21 [00:03<00:07,  1.78it/s]
 38%|███▊      | 8/21 [00:04<00:07,  1.79it/s]
 43%|████▎     | 9/21 [00:04<00:06,  1.93it/s]
 48%|████▊     | 10/21 [00:05<00:06,  1.79it/s]
 52%|█████▏    | 11/21 [00:06<00:05,  1.80it/s]
 57%|█████▋    | 12/21 [00:06<00:04,  1.89it/s]
 62%|██████▏   | 13/21 [00:07<00:04,  1.77it/s]
 67%|██████▋   | 14/21 [00:07<00:03,  1.82it/s]
 71%|███████▏  | 15/21 [00:08<00:03,  1.84it/s]
 76%|███████▌  | 16/21 [00:08<00:02,  1.80it/s]
 81%|████████  | 17/21 [00:09<00:02,  1.83it/s]
 86%|████████▌ | 18/21 [00:09<00:01,  1.94it/s]
 90%|█████████ | 19/21 [00:10<00:01,  1.96it/s]
 95%|█████████▌| 20/21 [00:10<00:00,  1.99it/s]
100%|██████████| 21/21 [00:11<00:00,  2.16it/s]
100%|██████████| 21/21 [00:11<00:00,  1.89it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/063.segmented.ply
+semantic segmentation done in 44.05445909500122 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//070.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//070.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/070.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/070.ply with 315885 points
+global shift: [ -7.86862795 -23.30923586   5.98371293]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▊         | 37/432 [00:00<00:01, 361.64it/s]
generating data blocks:  17%|█▋        | 74/432 [00:00<00:01, 230.23it/s]
generating data blocks:  24%|██▍       | 104/432 [00:00<00:01, 253.12it/s]
generating data blocks:  31%|███       | 132/432 [00:00<00:01, 229.93it/s]
generating data blocks:  36%|███▋      | 157/432 [00:00<00:01, 215.22it/s]
generating data blocks:  43%|████▎     | 185/432 [00:00<00:01, 229.02it/s]
generating data blocks:  49%|████▊     | 210/432 [00:00<00:00, 234.86it/s]
generating data blocks:  54%|█████▍    | 235/432 [00:00<00:00, 238.72it/s]
generating data blocks:  62%|██████▏   | 266/432 [00:01<00:00, 258.42it/s]
generating data blocks:  68%|██████▊   | 293/432 [00:01<00:00, 252.42it/s]
generating data blocks:  78%|███████▊  | 335/432 [00:01<00:00, 297.45it/s]
generating data blocks:  85%|████████▍ | 366/432 [00:01<00:00, 280.38it/s]
generating data blocks:  94%|█████████▎| 404/432 [00:01<00:00, 304.95it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 270.19it/s]
+Preprocessing done in 1.861487627029419 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:06,  2.35it/s]
 12%|█▎        | 2/16 [00:00<00:06,  2.14it/s]
 19%|█▉        | 3/16 [00:01<00:06,  2.08it/s]
 25%|██▌       | 4/16 [00:01<00:05,  2.11it/s]
 31%|███▏      | 5/16 [00:02<00:05,  2.08it/s]
 38%|███▊      | 6/16 [00:02<00:04,  2.07it/s]
 44%|████▍     | 7/16 [00:03<00:04,  2.04it/s]
 50%|█████     | 8/16 [00:03<00:03,  2.13it/s]
 56%|█████▋    | 9/16 [00:04<00:03,  2.07it/s]
 62%|██████▎   | 10/16 [00:04<00:02,  2.18it/s]
 69%|██████▉   | 11/16 [00:04<00:02,  2.47it/s]
 75%|███████▌  | 12/16 [00:05<00:01,  2.48it/s]
 81%|████████▏ | 13/16 [00:05<00:01,  2.68it/s]
 94%|█████████▍| 15/16 [00:05<00:00,  4.25it/s]
100%|██████████| 16/16 [00:05<00:00,  2.72it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 17
+nan: 2
+Saved to: sample_playground/segmented_point_clouds/tiled/first/070.segmented.ply
+semantic segmentation done in 14.951253175735474 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//071.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//071.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/071.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/071.ply with 278902 points
+global shift: [-16.36297578 -31.93975909   7.7697251 ]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▊         | 37/432 [00:00<00:01, 364.59it/s]
generating data blocks:  17%|█▋        | 74/432 [00:00<00:01, 287.79it/s]
generating data blocks:  24%|██▍       | 105/432 [00:00<00:01, 296.54it/s]
generating data blocks:  31%|███▏      | 136/432 [00:00<00:01, 266.84it/s]
generating data blocks:  38%|███▊      | 164/432 [00:00<00:01, 233.50it/s]
generating data blocks:  44%|████▍     | 192/432 [00:00<00:01, 238.39it/s]
generating data blocks:  51%|█████     | 219/432 [00:00<00:00, 241.36it/s]
generating data blocks:  57%|█████▋    | 245/432 [00:00<00:00, 246.19it/s]
generating data blocks:  63%|██████▎   | 272/432 [00:01<00:00, 252.85it/s]
generating data blocks:  69%|██████▉   | 298/432 [00:01<00:00, 251.49it/s]
generating data blocks:  75%|███████▌  | 326/432 [00:01<00:00, 258.66it/s]
generating data blocks:  83%|████████▎ | 360/432 [00:01<00:00, 267.45it/s]
generating data blocks:  93%|█████████▎| 403/432 [00:01<00:00, 313.22it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 277.10it/s]
+Preprocessing done in 1.7891194820404053 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:02,  6.34it/s]
 12%|█▏        | 2/17 [00:00<00:03,  3.80it/s]
 18%|█▊        | 3/17 [00:00<00:04,  3.28it/s]
 24%|██▎       | 4/17 [00:01<00:04,  2.81it/s]
 29%|██▉       | 5/17 [00:01<00:03,  3.08it/s]
 35%|███▌      | 6/17 [00:02<00:04,  2.63it/s]
 41%|████      | 7/17 [00:02<00:04,  2.36it/s]
 47%|████▋     | 8/17 [00:02<00:03,  2.33it/s]
 53%|█████▎    | 9/17 [00:03<00:03,  2.33it/s]
 59%|█████▉    | 10/17 [00:03<00:03,  2.23it/s]
 65%|██████▍   | 11/17 [00:04<00:02,  2.12it/s]
 71%|███████   | 12/17 [00:04<00:02,  2.35it/s]
 76%|███████▋  | 13/17 [00:05<00:01,  2.31it/s]
 82%|████████▏ | 14/17 [00:05<00:01,  2.34it/s]
 94%|█████████▍| 16/17 [00:05<00:00,  3.45it/s]
100%|██████████| 17/17 [00:05<00:00,  2.87it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 108
+nan: 81
+nan: 57
+nan: 33
+nan: 9
+Saved to: sample_playground/segmented_point_clouds/tiled/first/071.segmented.ply
+semantic segmentation done in 14.80152440071106 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//074.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//074.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/074.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/074.ply with 1048808 points
+global shift: [-45.79188457 -24.04873931   8.55157261]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 22/432 [00:00<00:01, 207.04it/s]
generating data blocks:  10%|▉         | 43/432 [00:00<00:02, 187.07it/s]
generating data blocks:  14%|█▍        | 62/432 [00:00<00:02, 179.76it/s]
generating data blocks:  19%|█▉        | 81/432 [00:00<00:01, 181.53it/s]
generating data blocks:  24%|██▍       | 104/432 [00:00<00:01, 197.76it/s]
generating data blocks:  29%|██▊       | 124/432 [00:00<00:01, 169.95it/s]
generating data blocks:  33%|███▎      | 142/432 [00:00<00:02, 129.57it/s]
generating data blocks:  39%|███▉      | 170/432 [00:01<00:01, 164.75it/s]
generating data blocks:  44%|████▍     | 189/432 [00:01<00:01, 147.88it/s]
generating data blocks:  48%|████▊     | 206/432 [00:01<00:01, 125.26it/s]
generating data blocks:  51%|█████     | 221/432 [00:01<00:01, 126.20it/s]
generating data blocks:  57%|█████▋    | 245/432 [00:01<00:01, 151.36it/s]
generating data blocks:  61%|██████    | 262/432 [00:01<00:01, 134.89it/s]
generating data blocks:  64%|██████▍   | 277/432 [00:01<00:01, 124.55it/s]
generating data blocks:  68%|██████▊   | 292/432 [00:01<00:01, 130.11it/s]
generating data blocks:  73%|███████▎  | 316/432 [00:02<00:00, 157.16it/s]
generating data blocks:  78%|███████▊  | 336/432 [00:02<00:00, 164.29it/s]
generating data blocks:  82%|████████▏ | 354/432 [00:02<00:00, 166.46it/s]
generating data blocks:  86%|████████▋ | 373/432 [00:02<00:00, 172.43it/s]
generating data blocks:  95%|█████████▌| 411/432 [00:02<00:00, 229.96it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 167.06it/s]
+Preprocessing done in 3.288309097290039 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:07,  2.70it/s]
 10%|▉         | 2/21 [00:00<00:08,  2.34it/s]
 14%|█▍        | 3/21 [00:01<00:07,  2.47it/s]
 19%|█▉        | 4/21 [00:01<00:06,  2.46it/s]
 24%|██▍       | 5/21 [00:01<00:06,  2.65it/s]
 29%|██▊       | 6/21 [00:02<00:05,  2.56it/s]
 33%|███▎      | 7/21 [00:02<00:05,  2.34it/s]
 38%|███▊      | 8/21 [00:03<00:05,  2.17it/s]
 43%|████▎     | 9/21 [00:03<00:05,  2.07it/s]
 48%|████▊     | 10/21 [00:04<00:04,  2.25it/s]
 52%|█████▏    | 11/21 [00:04<00:04,  2.08it/s]
 57%|█████▋    | 12/21 [00:05<00:04,  2.15it/s]
 62%|██████▏   | 13/21 [00:05<00:03,  2.01it/s]
 67%|██████▋   | 14/21 [00:06<00:03,  2.08it/s]
 71%|███████▏  | 15/21 [00:06<00:02,  2.01it/s]
 76%|███████▌  | 16/21 [00:07<00:02,  1.97it/s]
 81%|████████  | 17/21 [00:07<00:02,  1.90it/s]
 86%|████████▌ | 18/21 [00:08<00:01,  1.98it/s]
 90%|█████████ | 19/21 [00:08<00:00,  2.03it/s]
 95%|█████████▌| 20/21 [00:09<00:00,  2.02it/s]
100%|██████████| 21/21 [00:09<00:00,  2.04it/s]
100%|██████████| 21/21 [00:09<00:00,  2.14it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/074.segmented.ply
+semantic segmentation done in 30.804251194000244 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//085.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//085.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/085.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/085.ply with 311612 points
+global shift: [-45.90347573 -15.09293907  11.40635922]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 33/468 [00:00<00:01, 327.66it/s]
generating data blocks:  14%|█▍        | 66/468 [00:00<00:01, 286.06it/s]
generating data blocks:  22%|██▏       | 103/468 [00:00<00:01, 317.77it/s]
generating data blocks:  29%|██▉       | 136/468 [00:00<00:01, 270.75it/s]
generating data blocks:  35%|███▌      | 165/468 [00:00<00:01, 245.84it/s]
generating data blocks:  42%|████▏     | 196/468 [00:00<00:01, 258.19it/s]
generating data blocks:  48%|████▊     | 223/468 [00:00<00:01, 243.08it/s]
generating data blocks:  53%|█████▎    | 249/468 [00:00<00:00, 243.91it/s]
generating data blocks:  59%|█████▉    | 276/468 [00:01<00:00, 248.50it/s]
generating data blocks:  65%|██████▍   | 302/468 [00:01<00:00, 238.00it/s]
generating data blocks:  72%|███████▏  | 335/468 [00:01<00:00, 263.07it/s]
generating data blocks:  77%|███████▋  | 362/468 [00:01<00:00, 249.84it/s]
generating data blocks:  84%|████████▎ | 391/468 [00:01<00:00, 260.16it/s]
generating data blocks:  93%|█████████▎| 433/468 [00:01<00:00, 304.62it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 276.66it/s]
+Preprocessing done in 1.9422879219055176 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:04,  4.73it/s]
 10%|█         | 2/20 [00:00<00:05,  3.43it/s]
 15%|█▌        | 3/20 [00:00<00:05,  3.18it/s]
 20%|██        | 4/20 [00:01<00:04,  3.29it/s]
 25%|██▌       | 5/20 [00:01<00:05,  2.90it/s]
 30%|███       | 6/20 [00:02<00:05,  2.53it/s]
 35%|███▌      | 7/20 [00:02<00:05,  2.45it/s]
 40%|████      | 8/20 [00:02<00:04,  2.72it/s]
 45%|████▌     | 9/20 [00:03<00:04,  2.65it/s]
 50%|█████     | 10/20 [00:03<00:04,  2.41it/s]
 55%|█████▌    | 11/20 [00:04<00:03,  2.43it/s]
 60%|██████    | 12/20 [00:04<00:03,  2.47it/s]
 65%|██████▌   | 13/20 [00:04<00:02,  2.94it/s]
 70%|███████   | 14/20 [00:05<00:02,  2.72it/s]
 75%|███████▌  | 15/20 [00:05<00:01,  2.74it/s]
 80%|████████  | 16/20 [00:06<00:01,  2.42it/s]
 85%|████████▌ | 17/20 [00:06<00:01,  2.59it/s]
 90%|█████████ | 18/20 [00:06<00:00,  2.66it/s]
 95%|█████████▌| 19/20 [00:07<00:00,  2.56it/s]
100%|██████████| 20/20 [00:07<00:00,  2.73it/s]
100%|██████████| 20/20 [00:07<00:00,  2.69it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 43
+nan: 10
+Saved to: sample_playground/segmented_point_clouds/tiled/first/085.segmented.ply
+semantic segmentation done in 17.075053930282593 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//098.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//098.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/098.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/098.ply with 465223 points
+global shift: [-45.75323084 -33.27122268   9.73816864]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 31/432 [00:00<00:01, 304.81it/s]
generating data blocks:  14%|█▍        | 62/432 [00:00<00:01, 244.06it/s]
generating data blocks:  23%|██▎       | 99/432 [00:00<00:01, 293.57it/s]
generating data blocks:  30%|███       | 130/432 [00:00<00:01, 217.95it/s]
generating data blocks:  36%|███▋      | 157/432 [00:00<00:01, 230.64it/s]
generating data blocks:  43%|████▎     | 184/432 [00:00<00:01, 236.95it/s]
generating data blocks:  49%|████▊     | 210/432 [00:00<00:01, 206.30it/s]
generating data blocks:  54%|█████▍    | 233/432 [00:01<00:01, 198.62it/s]
generating data blocks:  60%|██████    | 260/432 [00:01<00:00, 216.71it/s]
generating data blocks:  66%|██████▌   | 283/432 [00:01<00:00, 197.44it/s]
generating data blocks:  71%|███████   | 305/432 [00:01<00:00, 202.61it/s]
generating data blocks:  77%|███████▋  | 333/432 [00:01<00:00, 220.13it/s]
generating data blocks:  83%|████████▎ | 360/432 [00:01<00:00, 232.56it/s]
generating data blocks:  90%|████████▉ | 387/432 [00:01<00:00, 242.18it/s]
generating data blocks:  99%|█████████▉| 427/432 [00:01<00:00, 285.07it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 237.67it/s]
+Preprocessing done in 2.144965410232544 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:07,  2.40it/s]
 11%|█         | 2/19 [00:00<00:07,  2.35it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.00it/s]
 21%|██        | 4/19 [00:01<00:07,  2.13it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.25it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.23it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.05it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.25it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.12it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.07it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.14it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.16it/s]
 68%|██████▊   | 13/19 [00:06<00:02,  2.09it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.19it/s]
 79%|███████▉  | 15/19 [00:07<00:01,  2.01it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  1.97it/s]
 89%|████████▉ | 17/19 [00:08<00:00,  2.02it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.08it/s]
100%|██████████| 19/19 [00:08<00:00,  2.26it/s]
100%|██████████| 19/19 [00:08<00:00,  2.14it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 2
+Saved to: sample_playground/segmented_point_clouds/tiled/first/098.segmented.ply
+semantic segmentation done in 21.928184986114502 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//104.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//104.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/104.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/104.ply with 251822 points
+global shift: [-36.58070002 -43.26270961  10.18780075]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▉         | 41/432 [00:00<00:01, 362.86it/s]
generating data blocks:  18%|█▊        | 78/432 [00:00<00:01, 305.95it/s]
generating data blocks:  26%|██▌       | 111/432 [00:00<00:01, 314.92it/s]
generating data blocks:  33%|███▎      | 143/432 [00:00<00:01, 249.51it/s]
generating data blocks:  41%|████      | 175/432 [00:00<00:00, 269.14it/s]
generating data blocks:  47%|████▋     | 204/432 [00:00<00:00, 257.74it/s]
generating data blocks:  53%|█████▎    | 231/432 [00:00<00:00, 238.78it/s]
generating data blocks:  61%|██████    | 264/432 [00:00<00:00, 258.19it/s]
generating data blocks:  67%|██████▋   | 291/432 [00:01<00:00, 256.86it/s]
generating data blocks:  75%|███████▌  | 326/432 [00:01<00:00, 282.25it/s]
generating data blocks:  84%|████████▍ | 362/432 [00:01<00:00, 303.36it/s]
generating data blocks:  92%|█████████▏| 398/432 [00:01<00:00, 318.31it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 289.31it/s]
+Preprocessing done in 1.7059752941131592 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/18 [00:00<?, ?it/s]
  6%|▌         | 1/18 [00:00<00:04,  3.90it/s]
 11%|█         | 2/18 [00:00<00:04,  3.44it/s]
 17%|█▋        | 3/18 [00:01<00:05,  2.81it/s]
 22%|██▏       | 4/18 [00:01<00:04,  3.49it/s]
 28%|██▊       | 5/18 [00:01<00:03,  3.30it/s]
 33%|███▎      | 6/18 [00:01<00:04,  2.79it/s]
 39%|███▉      | 7/18 [00:02<00:04,  2.57it/s]
 44%|████▍     | 8/18 [00:02<00:03,  2.62it/s]
 50%|█████     | 9/18 [00:03<00:03,  2.59it/s]
 56%|█████▌    | 10/18 [00:03<00:03,  2.45it/s]
 61%|██████    | 11/18 [00:04<00:03,  2.32it/s]
 67%|██████▋   | 12/18 [00:04<00:02,  2.34it/s]
 72%|███████▏  | 13/18 [00:04<00:02,  2.40it/s]
 78%|███████▊  | 14/18 [00:05<00:01,  2.29it/s]
 83%|████████▎ | 15/18 [00:05<00:01,  2.42it/s]
 89%|████████▉ | 16/18 [00:06<00:00,  2.68it/s]
 94%|█████████▍| 17/18 [00:06<00:00,  3.40it/s]
100%|██████████| 18/18 [00:06<00:00,  4.17it/s]
100%|██████████| 18/18 [00:06<00:00,  2.86it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 3
+Saved to: sample_playground/segmented_point_clouds/tiled/first/104.segmented.ply
+semantic segmentation done in 14.695108413696289 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//125.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//125.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/125.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/125.ply with 269634 points
+global shift: [-46.21848435 -53.28993209  10.0167441 ]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▉         | 38/432 [00:00<00:01, 379.97it/s]
generating data blocks:  18%|█▊        | 76/432 [00:00<00:01, 280.85it/s]
generating data blocks:  26%|██▌       | 112/432 [00:00<00:01, 309.22it/s]
generating data blocks:  34%|███▎      | 145/432 [00:00<00:01, 241.91it/s]
generating data blocks:  42%|████▏     | 182/432 [00:00<00:00, 273.21it/s]
generating data blocks:  49%|████▉     | 212/432 [00:00<00:00, 238.14it/s]
generating data blocks:  56%|█████▌    | 242/432 [00:00<00:00, 252.93it/s]
generating data blocks:  62%|██████▎   | 270/432 [00:01<00:00, 256.38it/s]
generating data blocks:  69%|██████▉   | 297/432 [00:01<00:00, 241.66it/s]
generating data blocks:  77%|███████▋  | 334/432 [00:01<00:00, 273.79it/s]
generating data blocks:  85%|████████▍ | 367/432 [00:01<00:00, 288.45it/s]
generating data blocks:  95%|█████████▍| 410/432 [00:01<00:00, 324.69it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 285.49it/s]
+Preprocessing done in 1.7449860572814941 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:04,  3.60it/s]
 12%|█▏        | 2/17 [00:00<00:05,  2.76it/s]
 18%|█▊        | 3/17 [00:01<00:05,  2.64it/s]
 24%|██▎       | 4/17 [00:01<00:04,  2.72it/s]
 29%|██▉       | 5/17 [00:01<00:04,  2.79it/s]
 35%|███▌      | 6/17 [00:02<00:04,  2.63it/s]
 41%|████      | 7/17 [00:02<00:03,  2.52it/s]
 47%|████▋     | 8/17 [00:03<00:03,  2.49it/s]
 53%|█████▎    | 9/17 [00:03<00:03,  2.61it/s]
 59%|█████▉    | 10/17 [00:03<00:02,  2.47it/s]
 65%|██████▍   | 11/17 [00:04<00:02,  2.28it/s]
 71%|███████   | 12/17 [00:04<00:02,  2.38it/s]
 76%|███████▋  | 13/17 [00:05<00:01,  2.58it/s]
 82%|████████▏ | 14/17 [00:05<00:01,  2.46it/s]
 88%|████████▊ | 15/17 [00:05<00:00,  2.44it/s]
 94%|█████████▍| 16/17 [00:06<00:00,  2.90it/s]
100%|██████████| 17/17 [00:06<00:00,  2.75it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/125.segmented.ply
+semantic segmentation done in 14.87131118774414 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//140.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//140.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/140.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/140.ply with 234161 points
+global shift: [-55.52843035 -43.93155209  11.01886083]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▉         | 38/432 [00:00<00:01, 372.72it/s]
generating data blocks:  18%|█▊        | 76/432 [00:00<00:01, 342.73it/s]
generating data blocks:  26%|██▌       | 111/432 [00:00<00:01, 313.80it/s]
generating data blocks:  33%|███▎      | 143/432 [00:00<00:01, 284.74it/s]
generating data blocks:  40%|███▉      | 172/432 [00:00<00:00, 285.00it/s]
generating data blocks:  47%|████▋     | 201/432 [00:00<00:00, 272.21it/s]
generating data blocks:  53%|█████▎    | 229/432 [00:00<00:00, 262.22it/s]
generating data blocks:  60%|██████    | 260/432 [00:00<00:00, 268.33it/s]
generating data blocks:  66%|██████▋   | 287/432 [00:01<00:00, 254.09it/s]
generating data blocks:  74%|███████▎  | 318/432 [00:01<00:00, 268.20it/s]
generating data blocks:  81%|████████▏ | 352/432 [00:01<00:00, 288.04it/s]
generating data blocks:  89%|████████▉ | 386/432 [00:01<00:00, 299.80it/s]
generating data blocks: 100%|█████████▉| 431/432 [00:01<00:00, 340.46it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 297.14it/s]
+Preprocessing done in 1.6650910377502441 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:04,  3.20it/s]
 12%|█▏        | 2/17 [00:00<00:03,  4.43it/s]
 18%|█▊        | 3/17 [00:00<00:02,  4.76it/s]
 24%|██▎       | 4/17 [00:00<00:03,  3.96it/s]
 29%|██▉       | 5/17 [00:01<00:03,  3.15it/s]
 35%|███▌      | 6/17 [00:01<00:03,  2.80it/s]
 41%|████      | 7/17 [00:02<00:03,  3.01it/s]
 47%|████▋     | 8/17 [00:02<00:03,  2.84it/s]
 53%|█████▎    | 9/17 [00:02<00:02,  2.72it/s]
 59%|█████▉    | 10/17 [00:03<00:02,  2.54it/s]
 65%|██████▍   | 11/17 [00:03<00:02,  2.49it/s]
 71%|███████   | 12/17 [00:04<00:01,  2.56it/s]
 76%|███████▋  | 13/17 [00:04<00:01,  2.18it/s]
 82%|████████▏ | 14/17 [00:05<00:01,  2.29it/s]
 88%|████████▊ | 15/17 [00:05<00:00,  2.81it/s]
 94%|█████████▍| 16/17 [00:05<00:00,  2.78it/s]
100%|██████████| 17/17 [00:05<00:00,  3.25it/s]
100%|██████████| 17/17 [00:05<00:00,  2.89it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 9
+Saved to: sample_playground/segmented_point_clouds/tiled/first/140.segmented.ply
+semantic segmentation done in 14.376283645629883 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//151.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//151.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/151.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/151.ply with 1114136 points
+global shift: [-65.34165419 -23.57783809   9.43413696]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▍         | 21/432 [00:00<00:02, 200.16it/s]
generating data blocks:  10%|▉         | 42/432 [00:00<00:02, 183.19it/s]
generating data blocks:  14%|█▍        | 62/432 [00:00<00:01, 189.07it/s]
generating data blocks:  19%|█▉        | 81/432 [00:00<00:01, 185.93it/s]
generating data blocks:  23%|██▎       | 101/432 [00:00<00:01, 190.28it/s]
generating data blocks:  28%|██▊       | 121/432 [00:00<00:01, 170.99it/s]
generating data blocks:  32%|███▏      | 139/432 [00:00<00:02, 121.60it/s]
generating data blocks:  38%|███▊      | 163/432 [00:01<00:01, 147.91it/s]
generating data blocks:  42%|████▏     | 181/432 [00:01<00:01, 154.58it/s]
generating data blocks:  46%|████▌     | 199/432 [00:01<00:01, 117.99it/s]
generating data blocks:  50%|████▉     | 214/432 [00:01<00:01, 117.24it/s]
generating data blocks:  53%|█████▎    | 228/432 [00:01<00:01, 120.30it/s]
generating data blocks:  58%|█████▊    | 251/432 [00:01<00:01, 146.05it/s]
generating data blocks:  62%|██████▏   | 268/432 [00:01<00:01, 131.75it/s]
generating data blocks:  66%|██████▌   | 283/432 [00:02<00:01, 120.47it/s]
generating data blocks:  70%|██████▉   | 301/432 [00:02<00:00, 134.14it/s]
generating data blocks:  75%|███████▌  | 326/432 [00:02<00:00, 160.61it/s]
generating data blocks:  80%|███████▉  | 344/432 [00:02<00:00, 164.18it/s]
generating data blocks:  84%|████████▍ | 362/432 [00:02<00:00, 161.77it/s]
generating data blocks:  89%|████████▉ | 386/432 [00:02<00:00, 182.06it/s]
generating data blocks:  95%|█████████▌| 412/432 [00:02<00:00, 203.52it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 159.55it/s]
+Preprocessing done in 3.4398467540740967 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/23 [00:00<?, ?it/s]
  4%|▍         | 1/23 [00:00<00:09,  2.24it/s]
  9%|▊         | 2/23 [00:00<00:09,  2.26it/s]
 13%|█▎        | 3/23 [00:01<00:08,  2.32it/s]
 17%|█▋        | 4/23 [00:01<00:07,  2.51it/s]
 22%|██▏       | 5/23 [00:02<00:06,  2.59it/s]
 26%|██▌       | 6/23 [00:02<00:06,  2.45it/s]
 30%|███       | 7/23 [00:02<00:06,  2.47it/s]
 35%|███▍      | 8/23 [00:03<00:06,  2.28it/s]
 39%|███▉      | 9/23 [00:03<00:06,  2.17it/s]
 43%|████▎     | 10/23 [00:04<00:05,  2.23it/s]
 48%|████▊     | 11/23 [00:04<00:05,  2.27it/s]
 52%|█████▏    | 12/23 [00:05<00:04,  2.31it/s]
 57%|█████▋    | 13/23 [00:05<00:04,  2.36it/s]
 61%|██████    | 14/23 [00:06<00:04,  2.09it/s]
 65%|██████▌   | 15/23 [00:06<00:03,  2.07it/s]
 70%|██████▉   | 16/23 [00:07<00:03,  2.13it/s]
 74%|███████▍  | 17/23 [00:07<00:02,  2.22it/s]
 78%|███████▊  | 18/23 [00:07<00:02,  2.18it/s]
 83%|████████▎ | 19/23 [00:08<00:02,  1.99it/s]
 87%|████████▋ | 20/23 [00:08<00:01,  2.19it/s]
 91%|█████████▏| 21/23 [00:09<00:00,  2.39it/s]
 96%|█████████▌| 22/23 [00:09<00:00,  2.24it/s]
100%|██████████| 23/23 [00:10<00:00,  2.33it/s]
100%|██████████| 23/23 [00:10<00:00,  2.27it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/151.segmented.ply
+semantic segmentation done in 30.699788331985474 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//162.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//162.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/162.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/162.ply with 298078 points
+global shift: [-57.04477627 -53.43591597   9.44492089]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 36/432 [00:00<00:01, 354.75it/s]
generating data blocks:  17%|█▋        | 72/432 [00:00<00:01, 260.36it/s]
generating data blocks:  25%|██▍       | 107/432 [00:00<00:01, 287.35it/s]
generating data blocks:  32%|███▏      | 137/432 [00:00<00:01, 255.53it/s]
generating data blocks:  38%|███▊      | 164/432 [00:00<00:01, 237.25it/s]
generating data blocks:  45%|████▍     | 193/432 [00:00<00:00, 250.13it/s]
generating data blocks:  51%|█████     | 219/432 [00:00<00:00, 242.29it/s]
generating data blocks:  57%|█████▋    | 245/432 [00:00<00:00, 246.16it/s]
generating data blocks:  63%|██████▎   | 274/432 [00:01<00:00, 258.60it/s]
generating data blocks:  71%|███████   | 306/432 [00:01<00:00, 275.77it/s]
generating data blocks:  78%|███████▊  | 337/432 [00:01<00:00, 285.41it/s]
generating data blocks:  85%|████████▍ | 367/432 [00:01<00:00, 288.27it/s]
generating data blocks:  96%|█████████▌| 414/432 [00:01<00:00, 341.11it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 285.21it/s]
+Preprocessing done in 1.7611308097839355 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:04,  3.66it/s]
 12%|█▎        | 2/16 [00:00<00:05,  2.45it/s]
 19%|█▉        | 3/16 [00:01<00:05,  2.32it/s]
 25%|██▌       | 4/16 [00:01<00:04,  2.43it/s]
 31%|███▏      | 5/16 [00:02<00:04,  2.31it/s]
 38%|███▊      | 6/16 [00:02<00:04,  2.07it/s]
 44%|████▍     | 7/16 [00:03<00:03,  2.28it/s]
 50%|█████     | 8/16 [00:03<00:03,  2.27it/s]
 56%|█████▋    | 9/16 [00:03<00:02,  2.40it/s]
 62%|██████▎   | 10/16 [00:04<00:02,  2.28it/s]
 69%|██████▉   | 11/16 [00:04<00:02,  2.31it/s]
 75%|███████▌  | 12/16 [00:05<00:01,  2.42it/s]
 81%|████████▏ | 13/16 [00:05<00:01,  2.51it/s]
 94%|█████████▍| 15/16 [00:05<00:00,  4.04it/s]
100%|██████████| 16/16 [00:05<00:00,  2.84it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 4
+Saved to: sample_playground/segmented_point_clouds/tiled/first/162.segmented.ply
+semantic segmentation done in 14.345179557800293 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//182.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//182.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/182.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/182.ply with 656441 points
+global shift: [-56.22476765 -15.48493472   7.34210308]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▋         | 28/432 [00:00<00:01, 274.85it/s]
generating data blocks:  13%|█▎        | 56/432 [00:00<00:01, 211.72it/s]
generating data blocks:  18%|█▊        | 79/432 [00:00<00:01, 213.62it/s]
generating data blocks:  25%|██▌       | 108/432 [00:00<00:01, 235.73it/s]
generating data blocks:  31%|███       | 133/432 [00:00<00:01, 182.03it/s]
generating data blocks:  37%|███▋      | 160/432 [00:00<00:01, 198.02it/s]
generating data blocks:  42%|████▏     | 182/432 [00:00<00:01, 200.33it/s]
generating data blocks:  47%|████▋     | 204/432 [00:01<00:01, 193.22it/s]
generating data blocks:  52%|█████▏    | 225/432 [00:01<00:01, 179.98it/s]
generating data blocks:  59%|█████▉    | 255/432 [00:01<00:00, 209.48it/s]
generating data blocks:  64%|██████▍   | 277/432 [00:01<00:00, 191.62it/s]
generating data blocks:  69%|██████▉   | 297/432 [00:01<00:00, 184.99it/s]
generating data blocks:  75%|███████▌  | 325/432 [00:01<00:00, 208.21it/s]
generating data blocks:  81%|████████  | 350/432 [00:01<00:00, 217.77it/s]
generating data blocks:  89%|████████▊ | 383/432 [00:01<00:00, 246.99it/s]
generating data blocks:  98%|█████████▊| 422/432 [00:01<00:00, 283.25it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 221.20it/s]
+Preprocessing done in 2.3828210830688477 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/15 [00:00<?, ?it/s]
  7%|▋         | 1/15 [00:00<00:08,  1.73it/s]
 13%|█▎        | 2/15 [00:01<00:07,  1.85it/s]
 20%|██        | 3/15 [00:01<00:05,  2.02it/s]
 27%|██▋       | 4/15 [00:02<00:05,  2.00it/s]
 33%|███▎      | 5/15 [00:02<00:04,  2.11it/s]
 40%|████      | 6/15 [00:02<00:03,  2.29it/s]
 47%|████▋     | 7/15 [00:03<00:03,  2.44it/s]
 53%|█████▎    | 8/15 [00:03<00:02,  2.42it/s]
 60%|██████    | 9/15 [00:03<00:02,  2.53it/s]
 67%|██████▋   | 10/15 [00:04<00:01,  2.53it/s]
 73%|███████▎  | 11/15 [00:04<00:01,  2.53it/s]
 80%|████████  | 12/15 [00:05<00:01,  2.57it/s]
 87%|████████▋ | 13/15 [00:05<00:00,  2.71it/s]
 93%|█████████▎| 14/15 [00:05<00:00,  2.86it/s]
100%|██████████| 15/15 [00:06<00:00,  2.91it/s]
100%|██████████| 15/15 [00:06<00:00,  2.46it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 107
+nan: 50
+nan: 22
+nan: 5
+Saved to: sample_playground/segmented_point_clouds/tiled/first/182.segmented.ply
+semantic segmentation done in 20.51059913635254 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//183.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//183.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/183.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/183.ply with 1146073 points
+global shift: [-56.38312763 -22.36870407   7.55449303]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 24/432 [00:00<00:01, 229.89it/s]
generating data blocks:  11%|█         | 47/432 [00:00<00:01, 228.16it/s]
generating data blocks:  16%|█▌        | 70/432 [00:00<00:01, 191.18it/s]
generating data blocks:  21%|██        | 90/432 [00:00<00:01, 173.80it/s]
generating data blocks:  25%|██▌       | 108/432 [00:00<00:01, 174.05it/s]
generating data blocks:  29%|██▉       | 126/432 [00:00<00:02, 135.29it/s]
generating data blocks:  34%|███▍      | 146/432 [00:00<00:01, 151.43it/s]
generating data blocks:  38%|███▊      | 163/432 [00:01<00:01, 141.62it/s]
generating data blocks:  42%|████▏     | 182/432 [00:01<00:01, 153.31it/s]
generating data blocks:  47%|████▋     | 201/432 [00:01<00:01, 159.93it/s]
generating data blocks:  50%|█████     | 218/432 [00:01<00:01, 128.32it/s]
generating data blocks:  54%|█████▍    | 233/432 [00:01<00:01, 126.53it/s]
generating data blocks:  58%|█████▊    | 252/432 [00:01<00:01, 141.11it/s]
generating data blocks:  62%|██████▎   | 270/432 [00:01<00:01, 150.64it/s]
generating data blocks:  66%|██████▌   | 286/432 [00:01<00:00, 148.43it/s]
generating data blocks:  70%|██████▉   | 302/432 [00:02<00:00, 135.27it/s]
generating data blocks:  74%|███████▍  | 320/432 [00:02<00:00, 145.75it/s]
generating data blocks:  78%|███████▊  | 338/432 [00:02<00:00, 153.06it/s]
generating data blocks:  82%|████████▏ | 354/432 [00:02<00:00, 154.74it/s]
generating data blocks:  89%|████████▊ | 383/432 [00:02<00:00, 191.38it/s]
generating data blocks:  96%|█████████▌| 414/432 [00:02<00:00, 222.81it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 167.15it/s]
+Preprocessing done in 3.3388900756835938 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:06,  2.92it/s]
 11%|█         | 2/19 [00:00<00:07,  2.28it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.09it/s]
 21%|██        | 4/19 [00:01<00:06,  2.43it/s]
 26%|██▋       | 5/19 [00:02<00:05,  2.37it/s]
 32%|███▏      | 6/19 [00:02<00:06,  2.10it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.11it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.31it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.44it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.18it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.30it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.10it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.38it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.30it/s]
 79%|███████▉  | 15/19 [00:06<00:01,  2.33it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  2.22it/s]
 89%|████████▉ | 17/19 [00:07<00:00,  2.31it/s]
 95%|█████████▍| 18/19 [00:07<00:00,  2.44it/s]
100%|██████████| 19/19 [00:08<00:00,  2.68it/s]
100%|██████████| 19/19 [00:08<00:00,  2.34it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/first/183.segmented.ply
+semantic segmentation done in 29.014670848846436 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//188.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//188.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/188.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/188.ply with 532255 points
+global shift: [-75.89355724 -32.44199823   8.65235335]
+
generating data blocks:   0%|          | 0/396 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 32/396 [00:00<00:01, 316.26it/s]
generating data blocks:  16%|█▌        | 64/396 [00:00<00:01, 281.73it/s]
generating data blocks:  23%|██▎       | 93/396 [00:00<00:01, 283.64it/s]
generating data blocks:  31%|███       | 122/396 [00:00<00:01, 249.44it/s]
generating data blocks:  37%|███▋      | 148/396 [00:00<00:01, 229.26it/s]
generating data blocks:  43%|████▎     | 172/396 [00:00<00:00, 231.36it/s]
generating data blocks:  49%|████▉     | 196/396 [00:00<00:01, 190.08it/s]
generating data blocks:  55%|█████▍    | 217/396 [00:00<00:00, 185.14it/s]
generating data blocks:  63%|██████▎   | 249/396 [00:01<00:00, 209.82it/s]
generating data blocks:  68%|██████▊   | 271/396 [00:01<00:00, 182.46it/s]
generating data blocks:  75%|███████▌  | 298/396 [00:01<00:00, 196.93it/s]
generating data blocks:  84%|████████▎ | 331/396 [00:01<00:00, 229.86it/s]
generating data blocks:  91%|█████████ | 360/396 [00:01<00:00, 244.41it/s]
generating data blocks: 100%|██████████| 396/396 [00:01<00:00, 234.38it/s]
+Preprocessing done in 2.055881977081299 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:02,  5.01it/s]
 12%|█▎        | 2/16 [00:00<00:04,  2.88it/s]
 19%|█▉        | 3/16 [00:00<00:04,  2.91it/s]
 25%|██▌       | 4/16 [00:01<00:04,  2.76it/s]
 31%|███▏      | 5/16 [00:01<00:04,  2.68it/s]
 38%|███▊      | 6/16 [00:02<00:03,  2.64it/s]
 44%|████▍     | 7/16 [00:02<00:03,  2.88it/s]
 50%|█████     | 8/16 [00:02<00:03,  2.58it/s]
 56%|█████▋    | 9/16 [00:03<00:02,  2.44it/s]
 62%|██████▎   | 10/16 [00:03<00:02,  2.67it/s]
 69%|██████▉   | 11/16 [00:03<00:01,  2.80it/s]
 75%|███████▌  | 12/16 [00:04<00:01,  2.54it/s]
 81%|████████▏ | 13/16 [00:04<00:01,  2.41it/s]
 88%|████████▊ | 14/16 [00:05<00:00,  2.52it/s]
 94%|█████████▍| 15/16 [00:05<00:00,  2.63it/s]
100%|██████████| 16/16 [00:05<00:00,  2.76it/s]
100%|██████████| 16/16 [00:05<00:00,  2.69it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 113
+nan: 75
+nan: 44
+nan: 23
+nan: 5
+Saved to: sample_playground/segmented_point_clouds/tiled/first/188.segmented.ply
+semantic segmentation done in 17.71169400215149 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//202.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//202.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/202.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/202.ply with 300146 points
+global shift: [-67.225551   -32.05552491  12.13419336]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▊         | 37/432 [00:00<00:01, 355.42it/s]
generating data blocks:  17%|█▋        | 73/432 [00:00<00:01, 258.95it/s]
generating data blocks:  24%|██▍       | 104/432 [00:00<00:01, 277.78it/s]
generating data blocks:  31%|███       | 133/432 [00:00<00:01, 228.53it/s]
generating data blocks:  37%|███▋      | 158/432 [00:00<00:01, 226.14it/s]
generating data blocks:  44%|████▍     | 192/432 [00:00<00:00, 256.43it/s]
generating data blocks:  51%|█████     | 219/432 [00:00<00:00, 214.84it/s]
generating data blocks:  60%|█████▉    | 258/432 [00:01<00:00, 258.39it/s]
generating data blocks:  66%|██████▋   | 287/432 [00:01<00:00, 241.01it/s]
generating data blocks:  75%|███████▍  | 322/432 [00:01<00:00, 266.04it/s]
generating data blocks:  83%|████████▎ | 358/432 [00:01<00:00, 290.05it/s]
generating data blocks:  91%|█████████ | 394/432 [00:01<00:00, 309.17it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 275.04it/s]
+Preprocessing done in 1.8107883930206299 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:05,  3.44it/s]
 11%|█         | 2/19 [00:00<00:05,  3.01it/s]
 16%|█▌        | 3/19 [00:01<00:06,  2.50it/s]
 21%|██        | 4/19 [00:01<00:06,  2.47it/s]
 26%|██▋       | 5/19 [00:01<00:04,  2.80it/s]
 32%|███▏      | 6/19 [00:02<00:04,  2.73it/s]
 37%|███▋      | 7/19 [00:02<00:05,  2.36it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.25it/s]
 47%|████▋     | 9/19 [00:03<00:03,  2.54it/s]
 53%|█████▎    | 10/19 [00:03<00:03,  2.55it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.58it/s]
 63%|██████▎   | 12/19 [00:04<00:02,  2.41it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.38it/s]
 74%|███████▎  | 14/19 [00:05<00:01,  2.98it/s]
 79%|███████▉  | 15/19 [00:05<00:01,  3.15it/s]
 84%|████████▍ | 16/19 [00:05<00:00,  3.24it/s]
 89%|████████▉ | 17/19 [00:06<00:00,  3.03it/s]
100%|██████████| 19/19 [00:06<00:00,  4.84it/s]
100%|██████████| 19/19 [00:06<00:00,  2.97it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 123
+nan: 81
+nan: 52
+nan: 30
+nan: 10
+nan: 2
+Saved to: sample_playground/segmented_point_clouds/tiled/first/202.segmented.ply
+semantic segmentation done in 15.529845237731934 s
+
+Processing sample_playground/segmented_point_clouds/tiled/first//210.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/first//210.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/first/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/first/
+scratch directory: sample_playground/segmented_point_clouds/tiled/first/210.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/first/210.ply with 330673 points
+global shift: [-76.4538441  -25.22604715  11.05057486]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 34/432 [00:00<00:01, 300.68it/s]
generating data blocks:  15%|█▌        | 65/432 [00:00<00:01, 279.88it/s]
generating data blocks:  22%|██▏       | 97/432 [00:00<00:01, 292.52it/s]
generating data blocks:  29%|██▉       | 127/432 [00:00<00:01, 232.19it/s]
generating data blocks:  35%|███▌      | 152/432 [00:00<00:01, 237.07it/s]
generating data blocks:  41%|████▏     | 179/432 [00:00<00:01, 246.02it/s]
generating data blocks:  47%|████▋     | 205/432 [00:00<00:01, 223.76it/s]
generating data blocks:  53%|█████▎    | 229/432 [00:00<00:00, 224.55it/s]
generating data blocks:  60%|█████▉    | 259/432 [00:01<00:00, 242.13it/s]
generating data blocks:  66%|██████▌   | 284/432 [00:01<00:00, 226.38it/s]
generating data blocks:  74%|███████▍  | 319/432 [00:01<00:00, 253.88it/s]
generating data blocks:  81%|████████  | 349/432 [00:01<00:00, 265.41it/s]
generating data blocks:  91%|█████████ | 391/432 [00:01<00:00, 307.83it/s]
generating data blocks: 100%|█████████▉| 430/432 [00:01<00:00, 329.60it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 268.98it/s]
+Preprocessing done in 1.8586955070495605 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:07,  2.30it/s]
 11%|█         | 2/19 [00:00<00:07,  2.28it/s]
 16%|█▌        | 3/19 [00:01<00:05,  2.70it/s]
 21%|██        | 4/19 [00:01<00:05,  2.86it/s]
 26%|██▋       | 5/19 [00:01<00:05,  2.65it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.32it/s]
 37%|███▋      | 7/19 [00:02<00:05,  2.28it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.27it/s]
 47%|████▋     | 9/19 [00:03<00:03,  2.90it/s]
 53%|█████▎    | 10/19 [00:04<00:03,  2.49it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.61it/s]
 63%|██████▎   | 12/19 [00:04<00:03,  2.33it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.53it/s]
 74%|███████▎  | 14/19 [00:05<00:01,  2.66it/s]
 79%|███████▉  | 15/19 [00:05<00:01,  3.01it/s]
 84%|████████▍ | 16/19 [00:06<00:01,  2.88it/s]
 89%|████████▉ | 17/19 [00:06<00:00,  3.24it/s]
 95%|█████████▍| 18/19 [00:06<00:00,  3.06it/s]
100%|██████████| 19/19 [00:06<00:00,  2.79it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 82
+nan: 25
+nan: 6
+Saved to: sample_playground/segmented_point_clouds/tiled/first/210.segmented.ply
+semantic segmentation done in 16.4789297580719 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//002.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//002.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/002.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/002.ply with 1707171 points
+global shift: [ 4.12705497 -2.99351369  2.42690805]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 22/432 [00:00<00:02, 174.22it/s]
generating data blocks:  11%|█         | 46/432 [00:00<00:01, 195.68it/s]
generating data blocks:  15%|█▌        | 66/432 [00:00<00:02, 168.36it/s]
generating data blocks:  19%|█▉        | 84/432 [00:00<00:02, 145.29it/s]
generating data blocks:  24%|██▎       | 102/432 [00:00<00:02, 154.73it/s]
generating data blocks:  27%|██▋       | 118/432 [00:00<00:02, 135.13it/s]
generating data blocks:  31%|███       | 133/432 [00:00<00:02, 110.36it/s]
generating data blocks:  34%|███▎      | 145/432 [00:01<00:02, 103.57it/s]
generating data blocks:  36%|███▌      | 156/432 [00:01<00:02, 104.49it/s]
generating data blocks:  40%|███▉      | 171/432 [00:01<00:02, 112.46it/s]
generating data blocks:  43%|████▎     | 184/432 [00:01<00:02, 112.68it/s]
generating data blocks:  45%|████▌     | 196/432 [00:01<00:02, 92.94it/s] 
generating data blocks:  48%|████▊     | 206/432 [00:01<00:02, 78.44it/s]
generating data blocks:  50%|████▉     | 215/432 [00:01<00:02, 78.41it/s]
generating data blocks:  53%|█████▎    | 230/432 [00:02<00:02, 92.39it/s]
generating data blocks:  58%|█████▊    | 249/432 [00:02<00:01, 115.15it/s]
generating data blocks:  61%|██████    | 262/432 [00:02<00:01, 105.72it/s]
generating data blocks:  63%|██████▎   | 274/432 [00:02<00:01, 88.45it/s] 
generating data blocks:  66%|██████▌   | 284/432 [00:02<00:01, 87.59it/s]
generating data blocks:  68%|██████▊   | 294/432 [00:02<00:01, 88.04it/s]
generating data blocks:  73%|███████▎  | 315/432 [00:02<00:01, 116.70it/s]
generating data blocks:  77%|███████▋  | 331/432 [00:02<00:00, 125.85it/s]
generating data blocks:  80%|███████▉  | 345/432 [00:03<00:00, 120.12it/s]
generating data blocks:  84%|████████▍ | 364/432 [00:03<00:00, 136.09it/s]
generating data blocks:  90%|█████████ | 390/432 [00:03<00:00, 167.40it/s]
generating data blocks:  96%|█████████▌| 414/432 [00:03<00:00, 185.42it/s]
generating data blocks: 100%|██████████| 432/432 [00:03<00:00, 126.00it/s]
+Preprocessing done in 4.619910955429077 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:08,  2.16it/s]
 11%|█         | 2/19 [00:00<00:06,  2.48it/s]
 16%|█▌        | 3/19 [00:01<00:06,  2.33it/s]
 21%|██        | 4/19 [00:01<00:07,  2.13it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.18it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.18it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.21it/s]
 42%|████▏     | 8/19 [00:03<00:05,  1.93it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.02it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  1.95it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.09it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  1.88it/s]
 68%|██████▊   | 13/19 [00:06<00:03,  1.87it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  1.84it/s]
 79%|███████▉  | 15/19 [00:07<00:02,  1.81it/s]
 84%|████████▍ | 16/19 [00:08<00:01,  1.75it/s]
 89%|████████▉ | 17/19 [00:08<00:01,  1.73it/s]
 95%|█████████▍| 18/19 [00:09<00:00,  1.69it/s]
100%|██████████| 19/19 [00:09<00:00,  1.82it/s]
100%|██████████| 19/19 [00:09<00:00,  1.93it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/002.segmented.ply
+semantic segmentation done in 43.429479360580444 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//003.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//003.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/003.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/003.ply with 621019 points
+global shift: [3.02946058 5.24516071 3.96758069]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▋         | 30/468 [00:00<00:01, 285.62it/s]
generating data blocks:  13%|█▎        | 59/468 [00:00<00:01, 206.94it/s]
generating data blocks:  17%|█▋        | 81/468 [00:00<00:01, 209.08it/s]
generating data blocks:  24%|██▎       | 111/468 [00:00<00:01, 231.21it/s]
generating data blocks:  29%|██▉       | 135/468 [00:00<00:01, 190.29it/s]
generating data blocks:  33%|███▎      | 156/468 [00:00<00:01, 178.81it/s]
generating data blocks:  39%|███▉      | 182/468 [00:00<00:01, 199.82it/s]
generating data blocks:  44%|████▎     | 204/468 [00:01<00:01, 194.64it/s]
generating data blocks:  48%|████▊     | 225/468 [00:01<00:01, 176.87it/s]
generating data blocks:  52%|█████▏    | 244/468 [00:01<00:01, 168.46it/s]
generating data blocks:  59%|█████▊    | 274/468 [00:01<00:01, 193.12it/s]
generating data blocks:  63%|██████▎   | 295/468 [00:01<00:00, 195.57it/s]
generating data blocks:  67%|██████▋   | 315/468 [00:01<00:00, 181.21it/s]
generating data blocks:  72%|███████▏  | 339/468 [00:01<00:00, 194.40it/s]
generating data blocks:  79%|███████▉  | 372/468 [00:01<00:00, 228.42it/s]
generating data blocks:  85%|████████▍ | 396/468 [00:01<00:00, 221.83it/s]
generating data blocks:  92%|█████████▏| 430/468 [00:02<00:00, 252.72it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 215.85it/s]
+Preprocessing done in 2.609160900115967 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:09,  1.88it/s]
 11%|█         | 2/19 [00:01<00:10,  1.65it/s]
 16%|█▌        | 3/19 [00:01<00:09,  1.77it/s]
 21%|██        | 4/19 [00:02<00:08,  1.86it/s]
 26%|██▋       | 5/19 [00:02<00:07,  1.96it/s]
 32%|███▏      | 6/19 [00:03<00:06,  1.96it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.01it/s]
 42%|████▏     | 8/19 [00:04<00:05,  2.00it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.05it/s]
 53%|█████▎    | 10/19 [00:05<00:04,  2.10it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.07it/s]
 63%|██████▎   | 12/19 [00:06<00:03,  1.99it/s]
 68%|██████▊   | 13/19 [00:06<00:02,  2.03it/s]
 74%|███████▎  | 14/19 [00:07<00:02,  2.09it/s]
 79%|███████▉  | 15/19 [00:07<00:01,  2.19it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  2.12it/s]
 89%|████████▉ | 17/19 [00:08<00:00,  2.20it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.15it/s]
100%|██████████| 19/19 [00:08<00:00,  2.14it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/003.segmented.ply
+semantic segmentation done in 23.413716793060303 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//013.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//013.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/013.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/013.ply with 456999 points
+global shift: [-6.52185053 15.32198751  3.75859617]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 31/432 [00:00<00:01, 298.81it/s]
generating data blocks:  14%|█▍        | 61/432 [00:00<00:01, 247.89it/s]
generating data blocks:  20%|██        | 87/432 [00:00<00:01, 250.23it/s]
generating data blocks:  26%|██▌       | 113/432 [00:00<00:01, 250.28it/s]
generating data blocks:  32%|███▏      | 139/432 [00:00<00:01, 204.64it/s]
generating data blocks:  37%|███▋      | 161/432 [00:00<00:01, 196.80it/s]
generating data blocks:  44%|████▍     | 192/432 [00:00<00:01, 227.17it/s]
generating data blocks:  50%|█████     | 216/432 [00:01<00:01, 192.98it/s]
generating data blocks:  55%|█████▍    | 237/432 [00:01<00:00, 195.12it/s]
generating data blocks:  60%|██████    | 261/432 [00:01<00:00, 200.43it/s]
generating data blocks:  65%|██████▌   | 282/432 [00:01<00:00, 201.16it/s]
generating data blocks:  72%|███████▏  | 311/432 [00:01<00:00, 223.16it/s]
generating data blocks:  80%|███████▉  | 344/432 [00:01<00:00, 251.03it/s]
generating data blocks:  87%|████████▋ | 376/432 [00:01<00:00, 268.37it/s]
generating data blocks:  95%|█████████▍| 410/432 [00:01<00:00, 288.16it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 240.47it/s]
+Preprocessing done in 2.124255418777466 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:08,  1.89it/s]
 12%|█▏        | 2/17 [00:01<00:08,  1.87it/s]
 18%|█▊        | 3/17 [00:01<00:06,  2.21it/s]
 24%|██▎       | 4/17 [00:01<00:05,  2.23it/s]
 29%|██▉       | 5/17 [00:02<00:05,  2.38it/s]
 35%|███▌      | 6/17 [00:02<00:04,  2.34it/s]
 41%|████      | 7/17 [00:03<00:04,  2.10it/s]
 47%|████▋     | 8/17 [00:03<00:04,  2.25it/s]
 53%|█████▎    | 9/17 [00:04<00:03,  2.34it/s]
 59%|█████▉    | 10/17 [00:04<00:03,  2.20it/s]
 65%|██████▍   | 11/17 [00:05<00:02,  2.05it/s]
 71%|███████   | 12/17 [00:05<00:02,  2.08it/s]
 76%|███████▋  | 13/17 [00:06<00:01,  2.09it/s]
 82%|████████▏ | 14/17 [00:06<00:01,  2.25it/s]
 88%|████████▊ | 15/17 [00:06<00:00,  2.46it/s]
 94%|█████████▍| 16/17 [00:06<00:00,  2.73it/s]
100%|██████████| 17/17 [00:07<00:00,  3.46it/s]
100%|██████████| 17/17 [00:07<00:00,  2.39it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/013.segmented.ply
+semantic segmentation done in 19.693645238876343 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//015.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//015.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/015.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/015.ply with 615266 points
+global shift: [-5.04484696  5.94565674  4.39860777]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/468 [00:00<00:01, 248.95it/s]
generating data blocks:  11%|█         | 51/468 [00:00<00:01, 232.01it/s]
generating data blocks:  16%|█▌        | 75/468 [00:00<00:01, 216.52it/s]
generating data blocks:  22%|██▏       | 103/468 [00:00<00:01, 238.07it/s]
generating data blocks:  27%|██▋       | 128/468 [00:00<00:01, 214.73it/s]
generating data blocks:  32%|███▏      | 150/468 [00:00<00:01, 196.95it/s]
generating data blocks:  37%|███▋      | 171/468 [00:00<00:01, 193.52it/s]
generating data blocks:  41%|████      | 193/468 [00:00<00:01, 195.57it/s]
generating data blocks:  46%|████▌     | 213/468 [00:01<00:01, 191.09it/s]
generating data blocks:  50%|████▉     | 233/468 [00:01<00:01, 167.18it/s]
generating data blocks:  55%|█████▍    | 257/468 [00:01<00:01, 184.34it/s]
generating data blocks:  59%|█████▉    | 277/468 [00:01<00:01, 182.55it/s]
generating data blocks:  63%|██████▎   | 296/468 [00:01<00:00, 173.61it/s]
generating data blocks:  68%|██████▊   | 319/468 [00:01<00:00, 187.34it/s]
generating data blocks:  73%|███████▎  | 341/468 [00:01<00:00, 189.09it/s]
generating data blocks:  79%|███████▊  | 368/468 [00:01<00:00, 206.81it/s]
generating data blocks:  85%|████████▍ | 396/468 [00:01<00:00, 223.94it/s]
generating data blocks:  91%|█████████ | 425/468 [00:02<00:00, 238.94it/s]
generating data blocks:  98%|█████████▊| 460/468 [00:02<00:00, 270.06it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 213.24it/s]
+Preprocessing done in 2.6166841983795166 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:06,  3.11it/s]
 10%|█         | 2/20 [00:00<00:06,  2.58it/s]
 15%|█▌        | 3/20 [00:01<00:06,  2.58it/s]
 20%|██        | 4/20 [00:01<00:06,  2.29it/s]
 25%|██▌       | 5/20 [00:02<00:06,  2.26it/s]
 30%|███       | 6/20 [00:02<00:06,  2.29it/s]
 35%|███▌      | 7/20 [00:02<00:05,  2.25it/s]
 40%|████      | 8/20 [00:03<00:05,  2.22it/s]
 45%|████▌     | 9/20 [00:04<00:05,  2.04it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.17it/s]
 55%|█████▌    | 11/20 [00:04<00:04,  2.04it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.05it/s]
 65%|██████▌   | 13/20 [00:06<00:03,  1.91it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.00it/s]
 75%|███████▌  | 15/20 [00:07<00:02,  1.93it/s]
 80%|████████  | 16/20 [00:07<00:01,  2.09it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.04it/s]
 90%|█████████ | 18/20 [00:08<00:01,  1.94it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.04it/s]
100%|██████████| 20/20 [00:09<00:00,  2.23it/s]
100%|██████████| 20/20 [00:09<00:00,  2.14it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/015.segmented.ply
+semantic segmentation done in 22.325405597686768 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//023.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//023.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/023.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/023.ply with 1143090 points
+global shift: [-15.69288577  14.43252095   3.70382338]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 24/432 [00:00<00:02, 201.47it/s]
generating data blocks:  11%|█         | 47/432 [00:00<00:01, 212.77it/s]
generating data blocks:  16%|█▌        | 69/432 [00:00<00:02, 176.27it/s]
generating data blocks:  23%|██▎       | 98/432 [00:00<00:01, 211.57it/s]
generating data blocks:  28%|██▊       | 121/432 [00:00<00:01, 163.64it/s]
generating data blocks:  32%|███▏      | 140/432 [00:00<00:02, 124.40it/s]
generating data blocks:  39%|███▉      | 170/432 [00:01<00:01, 160.38it/s]
generating data blocks:  44%|████▍     | 190/432 [00:01<00:02, 109.99it/s]
generating data blocks:  48%|████▊     | 206/432 [00:01<00:02, 111.67it/s]
generating data blocks:  54%|█████▎    | 232/432 [00:01<00:01, 137.67it/s]
generating data blocks:  58%|█████▊    | 250/432 [00:01<00:01, 142.64it/s]
generating data blocks:  62%|██████▏   | 267/432 [00:01<00:01, 127.20it/s]
generating data blocks:  65%|██████▌   | 282/432 [00:02<00:01, 123.00it/s]
generating data blocks:  70%|███████   | 304/432 [00:02<00:00, 144.70it/s]
generating data blocks:  75%|███████▌  | 326/432 [00:02<00:00, 160.67it/s]
generating data blocks:  80%|███████▉  | 345/432 [00:02<00:00, 167.98it/s]
generating data blocks:  84%|████████▍ | 364/432 [00:02<00:00, 172.43it/s]
generating data blocks:  91%|█████████ | 394/432 [00:02<00:00, 205.76it/s]
generating data blocks:  99%|█████████▉| 427/432 [00:02<00:00, 240.39it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 161.87it/s]
+Preprocessing done in 3.4317514896392822 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:08,  2.24it/s]
 11%|█         | 2/19 [00:01<00:08,  1.94it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.12it/s]
 21%|██        | 4/19 [00:01<00:06,  2.26it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.31it/s]
 32%|███▏      | 6/19 [00:02<00:06,  2.10it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.04it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.07it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.04it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.09it/s]
 58%|█████▊    | 11/19 [00:05<00:04,  2.00it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.05it/s]
 68%|██████▊   | 13/19 [00:06<00:02,  2.04it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.02it/s]
 79%|███████▉  | 15/19 [00:07<00:01,  2.10it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  2.14it/s]
 89%|████████▉ | 17/19 [00:08<00:00,  2.26it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.11it/s]
100%|██████████| 19/19 [00:08<00:00,  2.37it/s]
100%|██████████| 19/19 [00:08<00:00,  2.14it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/023.segmented.ply
+semantic segmentation done in 30.174113035202026 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//024.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//024.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/024.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/024.ply with 1369793 points
+global shift: [-15.76390113   7.73367894   3.53671407]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 27/468 [00:00<00:02, 188.87it/s]
generating data blocks:  10%|▉         | 46/468 [00:00<00:02, 164.01it/s]
generating data blocks:  14%|█▎        | 64/468 [00:00<00:02, 166.60it/s]
generating data blocks:  18%|█▊        | 84/468 [00:00<00:02, 176.88it/s]
generating data blocks:  22%|██▏       | 104/468 [00:00<00:01, 183.95it/s]
generating data blocks:  26%|██▋       | 123/468 [00:00<00:01, 173.81it/s]
generating data blocks:  30%|███       | 141/468 [00:00<00:02, 143.98it/s]
generating data blocks:  34%|███▎      | 157/468 [00:01<00:02, 117.79it/s]
generating data blocks:  39%|███▉      | 183/468 [00:01<00:01, 150.02it/s]
generating data blocks:  43%|████▎     | 200/468 [00:01<00:01, 142.72it/s]
generating data blocks:  46%|████▌     | 216/468 [00:01<00:02, 124.66it/s]
generating data blocks:  49%|████▉     | 230/468 [00:01<00:02, 90.77it/s] 
generating data blocks:  52%|█████▏    | 242/468 [00:01<00:02, 95.47it/s]
generating data blocks:  57%|█████▋    | 267/468 [00:01<00:01, 126.52it/s]
generating data blocks:  60%|██████    | 282/468 [00:02<00:01, 121.64it/s]
generating data blocks:  63%|██████▎   | 296/468 [00:02<00:01, 113.61it/s]
generating data blocks:  66%|██████▌   | 309/468 [00:02<00:01, 116.22it/s]
generating data blocks:  69%|██████▉   | 322/468 [00:02<00:01, 112.82it/s]
generating data blocks:  73%|███████▎  | 340/468 [00:02<00:00, 129.18it/s]
generating data blocks:  78%|███████▊  | 367/468 [00:02<00:00, 165.22it/s]
generating data blocks:  82%|████████▏ | 385/468 [00:02<00:00, 164.84it/s]
generating data blocks:  87%|████████▋ | 405/468 [00:02<00:00, 174.14it/s]
generating data blocks:  93%|█████████▎| 436/468 [00:03<00:00, 210.86it/s]
generating data blocks: 100%|█████████▉| 467/468 [00:03<00:00, 237.51it/s]
generating data blocks: 100%|██████████| 468/468 [00:03<00:00, 150.35it/s]
+Preprocessing done in 4.0439581871032715 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:09,  2.06it/s]
 10%|▉         | 2/21 [00:00<00:08,  2.26it/s]
 14%|█▍        | 3/21 [00:01<00:07,  2.28it/s]
 19%|█▉        | 4/21 [00:01<00:08,  2.12it/s]
 24%|██▍       | 5/21 [00:02<00:07,  2.19it/s]
 29%|██▊       | 6/21 [00:02<00:06,  2.21it/s]
 33%|███▎      | 7/21 [00:03<00:06,  2.14it/s]
 38%|███▊      | 8/21 [00:03<00:06,  2.12it/s]
 43%|████▎     | 9/21 [00:04<00:05,  2.08it/s]
 48%|████▊     | 10/21 [00:04<00:05,  2.09it/s]
 52%|█████▏    | 11/21 [00:05<00:04,  2.28it/s]
 57%|█████▋    | 12/21 [00:05<00:04,  2.13it/s]
 62%|██████▏   | 13/21 [00:06<00:04,  1.94it/s]
 67%|██████▋   | 14/21 [00:06<00:03,  1.98it/s]
 71%|███████▏  | 15/21 [00:07<00:02,  2.20it/s]
 76%|███████▌  | 16/21 [00:07<00:02,  2.17it/s]
 81%|████████  | 17/21 [00:07<00:01,  2.11it/s]
 86%|████████▌ | 18/21 [00:08<00:01,  2.15it/s]
 90%|█████████ | 19/21 [00:08<00:00,  2.13it/s]
 95%|█████████▌| 20/21 [00:09<00:00,  2.07it/s]
100%|██████████| 21/21 [00:09<00:00,  2.16it/s]
100%|██████████| 21/21 [00:09<00:00,  2.13it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/024.segmented.ply
+semantic segmentation done in 35.482131004333496 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//026.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//026.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/026.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/026.ply with 264870 points
+global shift: [-25.13942493   5.91410012   7.95060452]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 38/468 [00:00<00:01, 376.51it/s]
generating data blocks:  16%|█▌        | 76/468 [00:00<00:01, 314.79it/s]
generating data blocks:  24%|██▍       | 112/468 [00:00<00:01, 316.53it/s]
generating data blocks:  31%|███       | 145/468 [00:00<00:01, 276.75it/s]
generating data blocks:  37%|███▋      | 174/468 [00:00<00:01, 272.48it/s]
generating data blocks:  44%|████▎     | 204/468 [00:00<00:00, 275.76it/s]
generating data blocks:  50%|████▉     | 232/468 [00:00<00:00, 249.22it/s]
generating data blocks:  56%|█████▌    | 262/468 [00:00<00:00, 258.29it/s]
generating data blocks:  62%|██████▏   | 289/468 [00:01<00:00, 250.33it/s]
generating data blocks:  67%|██████▋   | 315/468 [00:01<00:00, 238.59it/s]
generating data blocks:  76%|███████▌  | 354/468 [00:01<00:00, 271.03it/s]
generating data blocks:  82%|████████▏ | 385/468 [00:01<00:00, 281.02it/s]
generating data blocks:  90%|█████████ | 422/468 [00:01<00:00, 305.09it/s]
generating data blocks:  98%|█████████▊| 459/468 [00:01<00:00, 322.51it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 286.26it/s]
+Preprocessing done in 1.860422134399414 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/18 [00:00<?, ?it/s]
  6%|▌         | 1/18 [00:00<00:03,  4.27it/s]
 11%|█         | 2/18 [00:00<00:05,  3.15it/s]
 17%|█▋        | 3/18 [00:00<00:04,  3.65it/s]
 22%|██▏       | 4/18 [00:01<00:04,  3.25it/s]
 28%|██▊       | 5/18 [00:01<00:05,  2.55it/s]
 33%|███▎      | 6/18 [00:02<00:04,  2.59it/s]
 39%|███▉      | 7/18 [00:02<00:04,  2.46it/s]
 44%|████▍     | 8/18 [00:02<00:04,  2.47it/s]
 50%|█████     | 9/18 [00:03<00:03,  2.40it/s]
 56%|█████▌    | 10/18 [00:03<00:03,  2.47it/s]
 61%|██████    | 11/18 [00:04<00:02,  2.38it/s]
 67%|██████▋   | 12/18 [00:04<00:02,  2.41it/s]
 72%|███████▏  | 13/18 [00:05<00:02,  2.27it/s]
 78%|███████▊  | 14/18 [00:05<00:01,  2.24it/s]
 83%|████████▎ | 15/18 [00:05<00:01,  2.42it/s]
 89%|████████▉ | 16/18 [00:06<00:00,  2.80it/s]
 94%|█████████▍| 17/18 [00:06<00:00,  3.21it/s]
100%|██████████| 18/18 [00:06<00:00,  2.81it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/026.segmented.ply
+semantic segmentation done in 15.009282350540161 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//028.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//028.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/028.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/028.ply with 611500 points
+global shift: [-6.15782955 -3.30480206  5.00269922]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 29/468 [00:00<00:01, 277.92it/s]
generating data blocks:  12%|█▏        | 57/468 [00:00<00:02, 194.18it/s]
generating data blocks:  17%|█▋        | 78/468 [00:00<00:02, 185.72it/s]
generating data blocks:  23%|██▎       | 106/468 [00:00<00:01, 214.49it/s]
generating data blocks:  28%|██▊       | 129/468 [00:00<00:01, 186.30it/s]
generating data blocks:  32%|███▏      | 149/468 [00:00<00:01, 161.72it/s]
generating data blocks:  37%|███▋      | 172/468 [00:00<00:01, 177.70it/s]
generating data blocks:  42%|████▏     | 196/468 [00:01<00:01, 191.69it/s]
generating data blocks:  46%|████▋     | 217/468 [00:01<00:01, 171.28it/s]
generating data blocks:  51%|█████▏    | 241/468 [00:01<00:01, 187.22it/s]
generating data blocks:  58%|█████▊    | 270/468 [00:01<00:00, 208.98it/s]
generating data blocks:  64%|██████▎   | 298/468 [00:01<00:00, 226.34it/s]
generating data blocks:  69%|██████▉   | 322/468 [00:01<00:00, 220.02it/s]
generating data blocks:  75%|███████▍  | 349/468 [00:01<00:00, 231.72it/s]
generating data blocks:  80%|███████▉  | 373/468 [00:01<00:00, 233.25it/s]
generating data blocks:  85%|████████▍ | 397/468 [00:01<00:00, 225.08it/s]
generating data blocks:  93%|█████████▎| 433/468 [00:02<00:00, 262.06it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 285.96it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 218.42it/s]
+Preprocessing done in 2.574115753173828 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:07,  2.43it/s]
 10%|█         | 2/20 [00:00<00:08,  2.07it/s]
 15%|█▌        | 3/20 [00:01<00:08,  2.00it/s]
 20%|██        | 4/20 [00:01<00:07,  2.08it/s]
 25%|██▌       | 5/20 [00:02<00:06,  2.33it/s]
 30%|███       | 6/20 [00:02<00:06,  2.33it/s]
 35%|███▌      | 7/20 [00:03<00:05,  2.27it/s]
 40%|████      | 8/20 [00:03<00:05,  2.08it/s]
 45%|████▌     | 9/20 [00:04<00:05,  2.03it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.07it/s]
 55%|█████▌    | 11/20 [00:05<00:04,  2.23it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.28it/s]
 65%|██████▌   | 13/20 [00:05<00:03,  2.23it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.10it/s]
 75%|███████▌  | 15/20 [00:06<00:02,  2.06it/s]
 80%|████████  | 16/20 [00:07<00:01,  2.19it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.31it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.31it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.33it/s]
100%|██████████| 20/20 [00:08<00:00,  2.45it/s]
100%|██████████| 20/20 [00:08<00:00,  2.23it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/028.segmented.ply
+semantic segmentation done in 23.9357693195343 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//029.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//029.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/029.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/029.ply with 313760 points
+global shift: [12.06349452 -4.37607809  4.39743587]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 32/432 [00:00<00:01, 303.36it/s]
generating data blocks:  15%|█▍        | 63/432 [00:00<00:01, 258.80it/s]
generating data blocks:  23%|██▎       | 98/432 [00:00<00:01, 293.22it/s]
generating data blocks:  30%|██▉       | 128/432 [00:00<00:01, 223.49it/s]
generating data blocks:  35%|███▌      | 153/432 [00:00<00:01, 220.70it/s]
generating data blocks:  44%|████▎     | 188/432 [00:00<00:00, 252.85it/s]
generating data blocks:  50%|████▉     | 215/432 [00:00<00:01, 215.08it/s]
generating data blocks:  58%|█████▊    | 252/432 [00:01<00:00, 253.84it/s]
generating data blocks:  65%|██████▌   | 281/432 [00:01<00:00, 258.73it/s]
generating data blocks:  72%|███████▏  | 309/432 [00:01<00:00, 260.05it/s]
generating data blocks:  81%|████████  | 349/432 [00:01<00:00, 297.84it/s]
generating data blocks:  88%|████████▊ | 382/432 [00:01<00:00, 302.52it/s]
generating data blocks:  97%|█████████▋| 421/432 [00:01<00:00, 325.89it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 276.05it/s]
+Preprocessing done in 1.8164541721343994 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/15 [00:00<?, ?it/s]
  7%|▋         | 1/15 [00:00<00:06,  2.08it/s]
 13%|█▎        | 2/15 [00:01<00:07,  1.83it/s]
 20%|██        | 3/15 [00:01<00:06,  1.99it/s]
 27%|██▋       | 4/15 [00:01<00:05,  2.18it/s]
 33%|███▎      | 5/15 [00:02<00:04,  2.12it/s]
 40%|████      | 6/15 [00:02<00:04,  2.02it/s]
 47%|████▋     | 7/15 [00:03<00:03,  2.05it/s]
 53%|█████▎    | 8/15 [00:03<00:03,  2.15it/s]
 60%|██████    | 9/15 [00:04<00:02,  2.13it/s]
 67%|██████▋   | 10/15 [00:04<00:02,  2.04it/s]
 73%|███████▎  | 11/15 [00:05<00:01,  2.26it/s]
 80%|████████  | 12/15 [00:05<00:01,  2.35it/s]
 87%|████████▋ | 13/15 [00:05<00:00,  2.38it/s]
100%|██████████| 15/15 [00:06<00:00,  2.47it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 25
+nan: 10
+Saved to: sample_playground/segmented_point_clouds/tiled/second/029.segmented.ply
+semantic segmentation done in 15.408679246902466 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//035.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//035.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/035.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/035.ply with 752563 points
+global shift: [-15.58320933  -4.31207503   6.42129012]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 24/468 [00:00<00:01, 233.10it/s]
generating data blocks:  11%|█         | 51/468 [00:00<00:01, 242.57it/s]
generating data blocks:  16%|█▌        | 76/468 [00:00<00:01, 205.65it/s]
generating data blocks:  23%|██▎       | 107/468 [00:00<00:01, 230.05it/s]
generating data blocks:  28%|██▊       | 131/468 [00:00<00:01, 179.54it/s]
generating data blocks:  32%|███▏      | 151/468 [00:00<00:01, 171.12it/s]
generating data blocks:  37%|███▋      | 174/468 [00:00<00:01, 182.84it/s]
generating data blocks:  42%|████▏     | 196/468 [00:01<00:01, 188.45it/s]
generating data blocks:  46%|████▌     | 216/468 [00:01<00:01, 157.62it/s]
generating data blocks:  50%|████▉     | 233/468 [00:01<00:01, 145.01it/s]
generating data blocks:  55%|█████▍    | 256/468 [00:01<00:01, 163.76it/s]
generating data blocks:  59%|█████▊    | 274/468 [00:01<00:01, 167.49it/s]
generating data blocks:  62%|██████▏   | 292/468 [00:01<00:01, 152.60it/s]
generating data blocks:  66%|██████▌   | 310/468 [00:01<00:01, 156.15it/s]
generating data blocks:  70%|███████   | 328/468 [00:01<00:00, 162.07it/s]
generating data blocks:  75%|███████▌  | 351/468 [00:01<00:00, 179.56it/s]
generating data blocks:  79%|███████▉  | 370/468 [00:02<00:00, 180.75it/s]
generating data blocks:  84%|████████▍ | 395/468 [00:02<00:00, 198.89it/s]
generating data blocks:  92%|█████████▏| 432/468 [00:02<00:00, 247.12it/s]
generating data blocks:  99%|█████████▉| 463/468 [00:02<00:00, 262.35it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 193.18it/s]
+Preprocessing done in 2.931957960128784 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/22 [00:00<?, ?it/s]
  5%|▍         | 1/22 [00:00<00:08,  2.43it/s]
  9%|▉         | 2/22 [00:00<00:08,  2.38it/s]
 14%|█▎        | 3/22 [00:01<00:08,  2.11it/s]
 18%|█▊        | 4/22 [00:01<00:07,  2.35it/s]
 23%|██▎       | 5/22 [00:02<00:06,  2.52it/s]
 27%|██▋       | 6/22 [00:02<00:06,  2.37it/s]
 32%|███▏      | 7/22 [00:03<00:07,  2.14it/s]
 36%|███▋      | 8/22 [00:03<00:06,  2.02it/s]
 41%|████      | 9/22 [00:04<00:06,  2.01it/s]
 45%|████▌     | 10/22 [00:04<00:06,  1.99it/s]
 50%|█████     | 11/22 [00:05<00:05,  2.09it/s]
 55%|█████▍    | 12/22 [00:05<00:04,  2.08it/s]
 59%|█████▉    | 13/22 [00:06<00:04,  1.93it/s]
 64%|██████▎   | 14/22 [00:06<00:04,  1.87it/s]
 68%|██████▊   | 15/22 [00:07<00:03,  1.97it/s]
 73%|███████▎  | 16/22 [00:07<00:02,  2.04it/s]
 77%|███████▋  | 17/22 [00:08<00:02,  1.92it/s]
 82%|████████▏ | 18/22 [00:08<00:02,  1.86it/s]
 86%|████████▋ | 19/22 [00:09<00:01,  1.88it/s]
 91%|█████████ | 20/22 [00:09<00:01,  1.87it/s]
 95%|█████████▌| 21/22 [00:10<00:00,  2.02it/s]
100%|██████████| 22/22 [00:10<00:00,  2.13it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/035.segmented.ply
+semantic segmentation done in 27.432368755340576 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//036.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//036.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/036.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/036.ply with 421879 points
+global shift: [-25.72752941  -3.89773027   7.8344028 ]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 33/468 [00:00<00:01, 301.04it/s]
generating data blocks:  14%|█▎        | 64/468 [00:00<00:01, 286.55it/s]
generating data blocks:  20%|██        | 94/468 [00:00<00:01, 290.53it/s]
generating data blocks:  26%|██▋       | 124/468 [00:00<00:01, 240.76it/s]
generating data blocks:  32%|███▏      | 150/468 [00:00<00:01, 228.02it/s]
generating data blocks:  38%|███▊      | 179/468 [00:00<00:01, 244.65it/s]
generating data blocks:  44%|████▍     | 205/468 [00:00<00:01, 217.12it/s]
generating data blocks:  49%|████▊     | 228/468 [00:00<00:01, 202.18it/s]
generating data blocks:  54%|█████▎    | 251/468 [00:01<00:01, 204.84it/s]
generating data blocks:  60%|█████▉    | 280/468 [00:01<00:00, 226.40it/s]
generating data blocks:  65%|██████▍   | 304/468 [00:01<00:00, 202.76it/s]
generating data blocks:  70%|██████▉   | 326/468 [00:01<00:00, 204.30it/s]
generating data blocks:  77%|███████▋  | 359/468 [00:01<00:00, 235.17it/s]
generating data blocks:  82%|████████▏ | 384/468 [00:01<00:00, 234.56it/s]
generating data blocks:  89%|████████▉ | 418/468 [00:01<00:00, 262.42it/s]
generating data blocks:  98%|█████████▊| 459/468 [00:01<00:00, 302.36it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 245.75it/s]
+Preprocessing done in 2.2052595615386963 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/22 [00:00<?, ?it/s]
  5%|▍         | 1/22 [00:00<00:05,  3.75it/s]
  9%|▉         | 2/22 [00:00<00:06,  3.07it/s]
 14%|█▎        | 3/22 [00:01<00:06,  2.75it/s]
 18%|█▊        | 4/22 [00:01<00:06,  2.97it/s]
 23%|██▎       | 5/22 [00:01<00:05,  2.90it/s]
 27%|██▋       | 6/22 [00:02<00:05,  2.76it/s]
 32%|███▏      | 7/22 [00:02<00:05,  2.57it/s]
 36%|███▋      | 8/22 [00:02<00:05,  2.44it/s]
 41%|████      | 9/22 [00:03<00:05,  2.56it/s]
 45%|████▌     | 10/22 [00:03<00:04,  2.47it/s]
 50%|█████     | 11/22 [00:04<00:04,  2.42it/s]
 55%|█████▍    | 12/22 [00:04<00:04,  2.30it/s]
 59%|█████▉    | 13/22 [00:05<00:04,  2.17it/s]
 64%|██████▎   | 14/22 [00:05<00:03,  2.24it/s]
 68%|██████▊   | 15/22 [00:06<00:03,  2.20it/s]
 73%|███████▎  | 16/22 [00:06<00:02,  2.10it/s]
 77%|███████▋  | 17/22 [00:07<00:02,  2.04it/s]
 82%|████████▏ | 18/22 [00:07<00:01,  2.06it/s]
 86%|████████▋ | 19/22 [00:07<00:01,  2.22it/s]
 91%|█████████ | 20/22 [00:08<00:00,  2.25it/s]
 95%|█████████▌| 21/22 [00:08<00:00,  2.60it/s]
100%|██████████| 22/22 [00:08<00:00,  2.52it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/036.segmented.ply
+semantic segmentation done in 20.00826859474182 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//037.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//037.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/037.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/037.ply with 235035 points
+global shift: [-34.36810922  -4.77633369   8.50302827]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   9%|▊         | 40/468 [00:00<00:01, 385.68it/s]
generating data blocks:  17%|█▋        | 79/468 [00:00<00:01, 345.78it/s]
generating data blocks:  24%|██▍       | 114/468 [00:00<00:01, 335.05it/s]
generating data blocks:  32%|███▏      | 148/468 [00:00<00:01, 317.99it/s]
generating data blocks:  39%|███▉      | 183/468 [00:00<00:00, 325.53it/s]
generating data blocks:  46%|████▌     | 216/468 [00:00<00:00, 279.81it/s]
generating data blocks:  52%|█████▏    | 245/468 [00:00<00:00, 273.14it/s]
generating data blocks:  59%|█████▉    | 277/468 [00:00<00:00, 284.44it/s]
generating data blocks:  65%|██████▌   | 306/468 [00:01<00:00, 251.29it/s]
generating data blocks:  71%|███████   | 333/468 [00:01<00:00, 253.12it/s]
generating data blocks:  79%|███████▉  | 371/468 [00:01<00:00, 286.61it/s]
generating data blocks:  86%|████████▌ | 401/468 [00:01<00:00, 284.95it/s]
generating data blocks:  95%|█████████▍| 444/468 [00:01<00:00, 323.29it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 301.26it/s]
+Preprocessing done in 1.7598958015441895 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:02,  6.69it/s]
 16%|█▌        | 3/19 [00:00<00:02,  6.19it/s]
 21%|██        | 4/19 [00:00<00:03,  4.82it/s]
 26%|██▋       | 5/19 [00:01<00:03,  4.05it/s]
 37%|███▋      | 7/19 [00:01<00:02,  4.97it/s]
 42%|████▏     | 8/19 [00:01<00:02,  3.68it/s]
 47%|████▋     | 9/19 [00:02<00:03,  3.18it/s]
 53%|█████▎    | 10/19 [00:02<00:02,  3.63it/s]
 58%|█████▊    | 11/19 [00:02<00:02,  3.08it/s]
 63%|██████▎   | 12/19 [00:03<00:02,  3.00it/s]
 68%|██████▊   | 13/19 [00:03<00:02,  2.79it/s]
 74%|███████▎  | 14/19 [00:04<00:01,  2.78it/s]
 79%|███████▉  | 15/19 [00:04<00:01,  2.70it/s]
 84%|████████▍ | 16/19 [00:04<00:00,  3.29it/s]
 89%|████████▉ | 17/19 [00:04<00:00,  3.12it/s]
 95%|█████████▍| 18/19 [00:05<00:00,  3.52it/s]
100%|██████████| 19/19 [00:05<00:00,  3.63it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/037.segmented.ply
+semantic segmentation done in 12.955675840377808 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//040.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//040.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/040.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/040.ply with 795251 points
+global shift: [-26.32818451 -14.10735722   7.21836984]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/468 [00:00<00:01, 252.75it/s]
generating data blocks:  11%|█         | 52/468 [00:00<00:02, 207.56it/s]
generating data blocks:  16%|█▌        | 74/468 [00:00<00:02, 188.11it/s]
generating data blocks:  20%|██        | 94/468 [00:00<00:01, 190.88it/s]
generating data blocks:  25%|██▌       | 117/468 [00:00<00:01, 202.61it/s]
generating data blocks:  29%|██▉       | 138/468 [00:00<00:02, 156.58it/s]
generating data blocks:  33%|███▎      | 156/468 [00:00<00:02, 132.72it/s]
generating data blocks:  40%|████      | 189/468 [00:01<00:01, 175.50it/s]
generating data blocks:  45%|████▍     | 209/468 [00:01<00:01, 147.22it/s]
generating data blocks:  48%|████▊     | 226/468 [00:01<00:01, 136.12it/s]
generating data blocks:  53%|█████▎    | 250/468 [00:01<00:01, 158.43it/s]
generating data blocks:  59%|█████▉    | 275/468 [00:01<00:01, 179.78it/s]
generating data blocks:  63%|██████▎   | 295/468 [00:01<00:01, 156.92it/s]
generating data blocks:  68%|██████▊   | 317/468 [00:01<00:00, 168.98it/s]
generating data blocks:  73%|███████▎  | 342/468 [00:02<00:00, 188.86it/s]
generating data blocks:  78%|███████▊  | 366/468 [00:02<00:00, 201.53it/s]
generating data blocks:  83%|████████▎ | 390/468 [00:02<00:00, 209.68it/s]
generating data blocks:  90%|████████▉ | 420/468 [00:02<00:00, 234.33it/s]
generating data blocks:  97%|█████████▋| 452/468 [00:02<00:00, 254.57it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 191.17it/s]
+Preprocessing done in 2.9761788845062256 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:11,  1.80it/s]
 10%|▉         | 2/21 [00:01<00:09,  1.91it/s]
 14%|█▍        | 3/21 [00:01<00:08,  2.11it/s]
 19%|█▉        | 4/21 [00:01<00:07,  2.18it/s]
 24%|██▍       | 5/21 [00:02<00:07,  2.28it/s]
 29%|██▊       | 6/21 [00:02<00:06,  2.25it/s]
 33%|███▎      | 7/21 [00:03<00:06,  2.10it/s]
 38%|███▊      | 8/21 [00:03<00:06,  2.06it/s]
 43%|████▎     | 9/21 [00:04<00:05,  2.11it/s]
 48%|████▊     | 10/21 [00:04<00:04,  2.24it/s]
 52%|█████▏    | 11/21 [00:05<00:04,  2.12it/s]
 57%|█████▋    | 12/21 [00:05<00:04,  2.08it/s]
 62%|██████▏   | 13/21 [00:06<00:04,  2.00it/s]
 67%|██████▋   | 14/21 [00:06<00:03,  2.00it/s]
 71%|███████▏  | 15/21 [00:07<00:02,  2.18it/s]
 76%|███████▌  | 16/21 [00:07<00:02,  2.11it/s]
 81%|████████  | 17/21 [00:08<00:02,  1.94it/s]
 86%|████████▌ | 18/21 [00:08<00:01,  2.06it/s]
 90%|█████████ | 19/21 [00:09<00:00,  2.08it/s]
 95%|█████████▌| 20/21 [00:09<00:00,  2.14it/s]
100%|██████████| 21/21 [00:09<00:00,  2.20it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/040.segmented.ply
+semantic segmentation done in 24.417754888534546 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//041.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//041.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/041.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/041.ply with 662750 points
+global shift: [-35.65005441 -14.59822521   7.52722627]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 28/468 [00:00<00:01, 272.85it/s]
generating data blocks:  12%|█▏        | 56/468 [00:00<00:01, 231.68it/s]
generating data blocks:  18%|█▊        | 82/468 [00:00<00:01, 236.78it/s]
generating data blocks:  23%|██▎       | 106/468 [00:00<00:01, 221.52it/s]
generating data blocks:  28%|██▊       | 129/468 [00:00<00:01, 216.47it/s]
generating data blocks:  32%|███▏      | 151/468 [00:00<00:01, 192.66it/s]
generating data blocks:  37%|███▋      | 173/468 [00:00<00:01, 197.59it/s]
generating data blocks:  42%|████▏     | 195/468 [00:00<00:01, 202.48it/s]
generating data blocks:  46%|████▌     | 216/468 [00:01<00:01, 173.83it/s]
generating data blocks:  50%|█████     | 235/468 [00:01<00:01, 158.73it/s]
generating data blocks:  57%|█████▋    | 266/468 [00:01<00:01, 190.45it/s]
generating data blocks:  61%|██████    | 286/468 [00:01<00:00, 186.87it/s]
generating data blocks:  65%|██████▌   | 306/468 [00:01<00:00, 168.91it/s]
generating data blocks:  70%|███████   | 328/468 [00:01<00:00, 180.88it/s]
generating data blocks:  75%|███████▌  | 353/468 [00:01<00:00, 197.97it/s]
generating data blocks:  81%|████████  | 378/468 [00:01<00:00, 210.62it/s]
generating data blocks:  86%|████████▌ | 402/468 [00:02<00:00, 218.13it/s]
generating data blocks:  94%|█████████▍| 440/468 [00:02<00:00, 263.78it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 213.86it/s]
+Preprocessing done in 2.639518976211548 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:07,  2.45it/s]
 11%|█         | 2/19 [00:00<00:07,  2.37it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.29it/s]
 21%|██        | 4/19 [00:01<00:05,  2.64it/s]
 26%|██▋       | 5/19 [00:02<00:05,  2.37it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.37it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.23it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.19it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.10it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.08it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.13it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.00it/s]
 68%|██████▊   | 13/19 [00:06<00:03,  1.99it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.12it/s]
 79%|███████▉  | 15/19 [00:06<00:01,  2.03it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  1.87it/s]
 89%|████████▉ | 17/19 [00:07<00:00,  2.16it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.08it/s]
100%|██████████| 19/19 [00:08<00:00,  2.21it/s]
100%|██████████| 19/19 [00:08<00:00,  2.16it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/041.segmented.ply
+semantic segmentation done in 23.942919969558716 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//042.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//042.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/042.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/042.ply with 937424 points
+global shift: [-15.58044416 -14.32459088   5.86428304]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 27/468 [00:00<00:01, 250.67it/s]
generating data blocks:  11%|█▏        | 53/468 [00:00<00:02, 171.87it/s]
generating data blocks:  15%|█▌        | 72/468 [00:00<00:02, 175.67it/s]
generating data blocks:  22%|██▏       | 104/468 [00:00<00:01, 223.62it/s]
generating data blocks:  27%|██▋       | 128/468 [00:00<00:01, 183.73it/s]
generating data blocks:  32%|███▏      | 149/468 [00:00<00:02, 158.34it/s]
generating data blocks:  36%|███▌      | 167/468 [00:00<00:01, 160.52it/s]
generating data blocks:  40%|███▉      | 186/468 [00:01<00:01, 167.46it/s]
generating data blocks:  44%|████▎     | 204/468 [00:01<00:01, 165.76it/s]
generating data blocks:  47%|████▋     | 222/468 [00:01<00:01, 133.18it/s]
generating data blocks:  51%|█████     | 238/468 [00:01<00:01, 137.67it/s]
generating data blocks:  56%|█████▌    | 260/468 [00:01<00:01, 157.89it/s]
generating data blocks:  59%|█████▉    | 277/468 [00:01<00:01, 155.47it/s]
generating data blocks:  63%|██████▎   | 294/468 [00:01<00:01, 149.19it/s]
generating data blocks:  66%|██████▌   | 310/468 [00:01<00:01, 137.30it/s]
generating data blocks:  71%|███████   | 330/468 [00:02<00:00, 152.81it/s]
generating data blocks:  76%|███████▌  | 354/468 [00:02<00:00, 173.64it/s]
generating data blocks:  80%|███████▉  | 374/468 [00:02<00:00, 175.82it/s]
generating data blocks:  84%|████████▍ | 393/468 [00:02<00:00, 178.55it/s]
generating data blocks:  89%|████████▉ | 416/468 [00:02<00:00, 191.75it/s]
generating data blocks:  96%|█████████▌| 449/468 [00:02<00:00, 228.47it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 177.82it/s]
+Preprocessing done in 3.2636895179748535 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/22 [00:00<?, ?it/s]
  5%|▍         | 1/22 [00:00<00:08,  2.39it/s]
  9%|▉         | 2/22 [00:00<00:09,  2.04it/s]
 14%|█▎        | 3/22 [00:01<00:10,  1.82it/s]
 18%|█▊        | 4/22 [00:01<00:08,  2.12it/s]
 23%|██▎       | 5/22 [00:02<00:07,  2.27it/s]
 27%|██▋       | 6/22 [00:02<00:07,  2.17it/s]
 32%|███▏      | 7/22 [00:03<00:07,  2.05it/s]
 36%|███▋      | 8/22 [00:03<00:06,  2.02it/s]
 41%|████      | 9/22 [00:04<00:07,  1.85it/s]
 45%|████▌     | 10/22 [00:04<00:06,  1.92it/s]
 50%|█████     | 11/22 [00:05<00:05,  2.06it/s]
 55%|█████▍    | 12/22 [00:05<00:04,  2.07it/s]
 59%|█████▉    | 13/22 [00:06<00:04,  1.94it/s]
 64%|██████▎   | 14/22 [00:07<00:04,  1.85it/s]
 68%|██████▊   | 15/22 [00:07<00:03,  1.85it/s]
 73%|███████▎  | 16/22 [00:08<00:03,  1.94it/s]
 77%|███████▋  | 17/22 [00:08<00:02,  1.94it/s]
 82%|████████▏ | 18/22 [00:09<00:02,  1.98it/s]
 86%|████████▋ | 19/22 [00:09<00:01,  1.95it/s]
 91%|█████████ | 20/22 [00:10<00:01,  1.87it/s]
 95%|█████████▌| 21/22 [00:10<00:00,  1.96it/s]
100%|██████████| 22/22 [00:11<00:00,  1.98it/s]
100%|██████████| 22/22 [00:11<00:00,  1.98it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/042.segmented.ply
+semantic segmentation done in 29.56799077987671 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//043.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//043.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/043.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/043.ply with 710983 points
+global shift: [ -6.90919471 -12.78867496   5.96407485]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/468 [00:00<00:01, 252.30it/s]
generating data blocks:  11%|█         | 52/468 [00:00<00:01, 208.36it/s]
generating data blocks:  16%|█▌        | 74/468 [00:00<00:02, 192.48it/s]
generating data blocks:  22%|██▏       | 104/468 [00:00<00:01, 228.47it/s]
generating data blocks:  27%|██▋       | 128/468 [00:00<00:01, 177.75it/s]
generating data blocks:  32%|███▏      | 148/468 [00:00<00:01, 160.90it/s]
generating data blocks:  35%|███▌      | 166/468 [00:00<00:01, 159.54it/s]
generating data blocks:  40%|████      | 189/468 [00:01<00:01, 174.98it/s]
generating data blocks:  45%|████▌     | 211/468 [00:01<00:01, 181.45it/s]
generating data blocks:  49%|████▉     | 230/468 [00:01<00:01, 146.49it/s]
generating data blocks:  54%|█████▍    | 255/468 [00:01<00:01, 170.01it/s]
generating data blocks:  59%|█████▉    | 278/468 [00:01<00:01, 183.42it/s]
generating data blocks:  64%|██████▎   | 298/468 [00:01<00:01, 167.20it/s]
generating data blocks:  68%|██████▊   | 317/468 [00:01<00:00, 172.67it/s]
generating data blocks:  75%|███████▍  | 349/468 [00:01<00:00, 209.72it/s]
generating data blocks:  79%|███████▉  | 372/468 [00:02<00:00, 203.68it/s]
generating data blocks:  85%|████████▌ | 398/468 [00:02<00:00, 218.04it/s]
generating data blocks:  93%|█████████▎| 434/468 [00:02<00:00, 256.99it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 279.32it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 201.09it/s]
+Preprocessing done in 2.825183629989624 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:09,  1.94it/s]
 10%|█         | 2/20 [00:00<00:08,  2.10it/s]
 15%|█▌        | 3/20 [00:01<00:08,  2.07it/s]
 20%|██        | 4/20 [00:01<00:07,  2.09it/s]
 25%|██▌       | 5/20 [00:02<00:06,  2.22it/s]
 30%|███       | 6/20 [00:02<00:06,  2.16it/s]
 35%|███▌      | 7/20 [00:03<00:06,  2.15it/s]
 40%|████      | 8/20 [00:03<00:05,  2.01it/s]
 45%|████▌     | 9/20 [00:04<00:05,  2.00it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.13it/s]
 55%|█████▌    | 11/20 [00:05<00:04,  2.08it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.21it/s]
 65%|██████▌   | 13/20 [00:06<00:03,  2.03it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.00it/s]
 75%|███████▌  | 15/20 [00:07<00:02,  2.06it/s]
 80%|████████  | 16/20 [00:07<00:02,  1.94it/s]
 85%|████████▌ | 17/20 [00:08<00:01,  1.89it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.13it/s]
 95%|█████████▌| 19/20 [00:09<00:00,  2.17it/s]
100%|██████████| 20/20 [00:09<00:00,  2.24it/s]
100%|██████████| 20/20 [00:09<00:00,  2.10it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/043.segmented.ply
+semantic segmentation done in 25.8668475151062 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//044.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//044.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/044.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/044.ply with 868371 points
+global shift: [-15.94678476 -23.51047161   6.12342013]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/432 [00:00<00:01, 255.69it/s]
generating data blocks:  12%|█▏        | 52/432 [00:00<00:01, 211.80it/s]
generating data blocks:  17%|█▋        | 74/432 [00:00<00:01, 186.30it/s]
generating data blocks:  24%|██▎       | 102/432 [00:00<00:01, 214.82it/s]
generating data blocks:  29%|██▉       | 125/432 [00:00<00:01, 172.03it/s]
generating data blocks:  33%|███▎      | 144/432 [00:00<00:01, 162.04it/s]
generating data blocks:  38%|███▊      | 162/432 [00:00<00:01, 163.96it/s]
generating data blocks:  42%|████▏     | 183/432 [00:01<00:01, 174.52it/s]
generating data blocks:  47%|████▋     | 202/432 [00:01<00:01, 135.52it/s]
generating data blocks:  50%|█████     | 218/432 [00:01<00:01, 136.28it/s]
generating data blocks:  55%|█████▌    | 238/432 [00:01<00:01, 150.75it/s]
generating data blocks:  60%|█████▉    | 259/432 [00:01<00:01, 161.13it/s]
generating data blocks:  64%|██████▍   | 277/432 [00:01<00:01, 143.56it/s]
generating data blocks:  68%|██████▊   | 293/432 [00:01<00:01, 137.39it/s]
generating data blocks:  74%|███████▍  | 321/432 [00:01<00:00, 171.21it/s]
generating data blocks:  79%|███████▉  | 342/432 [00:02<00:00, 178.68it/s]
generating data blocks:  84%|████████▍ | 362/432 [00:02<00:00, 183.11it/s]
generating data blocks:  90%|████████▉ | 388/432 [00:02<00:00, 201.45it/s]
generating data blocks:  97%|█████████▋| 419/432 [00:02<00:00, 231.14it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 179.99it/s]
+Preprocessing done in 2.998154640197754 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:05,  3.10it/s]
 11%|█         | 2/19 [00:00<00:08,  2.08it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.06it/s]
 21%|██        | 4/19 [00:01<00:07,  2.11it/s]
 26%|██▋       | 5/19 [00:02<00:07,  1.99it/s]
 32%|███▏      | 6/19 [00:02<00:06,  1.91it/s]
 37%|███▋      | 7/19 [00:03<00:06,  2.00it/s]
 42%|████▏     | 8/19 [00:03<00:05,  1.96it/s]
 47%|████▋     | 9/19 [00:04<00:05,  1.84it/s]
 53%|█████▎    | 10/19 [00:05<00:04,  1.93it/s]
 58%|█████▊    | 11/19 [00:05<00:04,  1.92it/s]
 63%|██████▎   | 12/19 [00:06<00:03,  1.87it/s]
 68%|██████▊   | 13/19 [00:06<00:03,  1.87it/s]
 74%|███████▎  | 14/19 [00:07<00:02,  1.83it/s]
 79%|███████▉  | 15/19 [00:07<00:02,  1.79it/s]
 84%|████████▍ | 16/19 [00:08<00:01,  1.76it/s]
 89%|████████▉ | 17/19 [00:08<00:01,  1.90it/s]
 95%|█████████▍| 18/19 [00:09<00:00,  1.93it/s]
100%|██████████| 19/19 [00:09<00:00,  2.06it/s]
100%|██████████| 19/19 [00:09<00:00,  1.95it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/044.segmented.ply
+semantic segmentation done in 27.45842432975769 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//045.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//045.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/045.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/045.ply with 584237 points
+global shift: [-27.31303231 -32.06703028   7.64861958]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▋         | 28/432 [00:00<00:01, 277.30it/s]
generating data blocks:  13%|█▎        | 56/432 [00:00<00:01, 217.80it/s]
generating data blocks:  18%|█▊        | 79/432 [00:00<00:01, 189.55it/s]
generating data blocks:  24%|██▍       | 105/432 [00:00<00:01, 209.35it/s]
generating data blocks:  29%|██▉       | 127/432 [00:00<00:01, 170.46it/s]
generating data blocks:  34%|███▍      | 146/432 [00:00<00:01, 158.05it/s]
generating data blocks:  40%|███▉      | 172/432 [00:00<00:01, 182.96it/s]
generating data blocks:  45%|████▍     | 193/432 [00:01<00:01, 189.41it/s]
generating data blocks:  49%|████▉     | 213/432 [00:01<00:01, 181.68it/s]
generating data blocks:  54%|█████▎    | 232/432 [00:01<00:01, 180.04it/s]
generating data blocks:  59%|█████▉    | 255/432 [00:01<00:00, 193.58it/s]
generating data blocks:  66%|██████▌   | 283/432 [00:01<00:00, 216.62it/s]
generating data blocks:  71%|███████   | 306/432 [00:01<00:00, 201.84it/s]
generating data blocks:  78%|███████▊  | 336/432 [00:01<00:00, 227.39it/s]
generating data blocks:  84%|████████▍ | 364/432 [00:01<00:00, 242.00it/s]
generating data blocks:  91%|█████████ | 391/432 [00:01<00:00, 249.41it/s]
generating data blocks:  98%|█████████▊| 425/432 [00:01<00:00, 274.04it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 215.40it/s]
+Preprocessing done in 2.4038727283477783 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:06,  2.95it/s]
 10%|█         | 2/20 [00:00<00:06,  2.90it/s]
 15%|█▌        | 3/20 [00:01<00:07,  2.32it/s]
 20%|██        | 4/20 [00:01<00:08,  1.94it/s]
 25%|██▌       | 5/20 [00:02<00:07,  2.13it/s]
 30%|███       | 6/20 [00:02<00:06,  2.20it/s]
 35%|███▌      | 7/20 [00:03<00:05,  2.18it/s]
 40%|████      | 8/20 [00:03<00:06,  1.94it/s]
 45%|████▌     | 9/20 [00:04<00:05,  1.93it/s]
 50%|█████     | 10/20 [00:04<00:04,  2.14it/s]
 55%|█████▌    | 11/20 [00:04<00:03,  2.36it/s]
 60%|██████    | 12/20 [00:05<00:03,  2.29it/s]
 65%|██████▌   | 13/20 [00:06<00:03,  2.11it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.16it/s]
 75%|███████▌  | 15/20 [00:06<00:01,  2.52it/s]
 80%|████████  | 16/20 [00:07<00:01,  2.20it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.18it/s]
 90%|█████████ | 18/20 [00:08<00:00,  2.45it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.44it/s]
100%|██████████| 20/20 [00:08<00:00,  2.66it/s]
100%|██████████| 20/20 [00:08<00:00,  2.28it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 20
+Saved to: sample_playground/segmented_point_clouds/tiled/second/045.segmented.ply
+semantic segmentation done in 23.01910400390625 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//046.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//046.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/046.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/046.ply with 1049384 points
+global shift: [-26.54624447 -24.73891194   7.33214751]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 23/432 [00:00<00:01, 207.20it/s]
generating data blocks:  10%|█         | 44/432 [00:00<00:02, 149.17it/s]
generating data blocks:  14%|█▍        | 60/432 [00:00<00:02, 145.74it/s]
generating data blocks:  18%|█▊        | 79/432 [00:00<00:02, 157.69it/s]
generating data blocks:  23%|██▎       | 98/432 [00:00<00:02, 166.91it/s]
generating data blocks:  27%|██▋       | 116/432 [00:00<00:02, 144.60it/s]
generating data blocks:  31%|███       | 132/432 [00:00<00:02, 125.04it/s]
generating data blocks:  34%|███▍      | 146/432 [00:01<00:02, 120.97it/s]
generating data blocks:  40%|████      | 174/432 [00:01<00:01, 160.52it/s]
generating data blocks:  44%|████▍     | 192/432 [00:01<00:01, 137.61it/s]
generating data blocks:  48%|████▊     | 208/432 [00:01<00:01, 115.20it/s]
generating data blocks:  53%|█████▎    | 227/432 [00:01<00:01, 131.07it/s]
generating data blocks:  58%|█████▊    | 250/432 [00:01<00:01, 153.14it/s]
generating data blocks:  62%|██████▏   | 268/432 [00:01<00:01, 145.08it/s]
generating data blocks:  66%|██████▌   | 284/432 [00:02<00:01, 134.92it/s]
generating data blocks:  71%|███████   | 305/432 [00:02<00:00, 152.02it/s]
generating data blocks:  78%|███████▊  | 336/432 [00:02<00:00, 191.01it/s]
generating data blocks:  83%|████████▎ | 357/432 [00:02<00:00, 183.05it/s]
generating data blocks:  87%|████████▋ | 377/432 [00:02<00:00, 178.21it/s]
generating data blocks:  95%|█████████▍| 409/432 [00:02<00:00, 215.24it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 163.28it/s]
+Preprocessing done in 3.3559136390686035 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:13,  1.46it/s]
 10%|▉         | 2/21 [00:01<00:10,  1.73it/s]
 14%|█▍        | 3/21 [00:01<00:09,  1.84it/s]
 19%|█▉        | 4/21 [00:02<00:08,  1.96it/s]
 24%|██▍       | 5/21 [00:02<00:08,  1.94it/s]
 29%|██▊       | 6/21 [00:03<00:07,  1.97it/s]
 33%|███▎      | 7/21 [00:03<00:06,  2.02it/s]
 38%|███▊      | 8/21 [00:04<00:06,  1.95it/s]
 43%|████▎     | 9/21 [00:04<00:06,  1.92it/s]
 48%|████▊     | 10/21 [00:05<00:05,  2.02it/s]
 52%|█████▏    | 11/21 [00:05<00:05,  1.98it/s]
 57%|█████▋    | 12/21 [00:06<00:04,  1.92it/s]
 62%|██████▏   | 13/21 [00:06<00:04,  2.00it/s]
 67%|██████▋   | 14/21 [00:07<00:03,  1.94it/s]
 71%|███████▏  | 15/21 [00:07<00:03,  1.96it/s]
 76%|███████▌  | 16/21 [00:08<00:02,  1.93it/s]
 81%|████████  | 17/21 [00:08<00:02,  1.83it/s]
 86%|████████▌ | 18/21 [00:09<00:01,  1.90it/s]
 90%|█████████ | 19/21 [00:09<00:01,  1.92it/s]
 95%|█████████▌| 20/21 [00:10<00:00,  1.84it/s]
100%|██████████| 21/21 [00:10<00:00,  2.05it/s]
100%|██████████| 21/21 [00:10<00:00,  1.94it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/046.segmented.ply
+semantic segmentation done in 33.33793616294861 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//047.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//047.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/047.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/047.ply with 533126 points
+global shift: [  4.05743728 -12.37916376   5.55098952]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 35/468 [00:00<00:01, 307.31it/s]
generating data blocks:  14%|█▍        | 66/468 [00:00<00:01, 262.68it/s]
generating data blocks:  20%|█▉        | 93/468 [00:00<00:01, 250.08it/s]
generating data blocks:  26%|██▌       | 122/468 [00:00<00:01, 264.09it/s]
generating data blocks:  32%|███▏      | 149/468 [00:00<00:01, 208.91it/s]
generating data blocks:  37%|███▋      | 172/468 [00:00<00:01, 200.85it/s]
generating data blocks:  43%|████▎     | 202/468 [00:00<00:01, 225.24it/s]
generating data blocks:  48%|████▊     | 226/468 [00:01<00:01, 198.82it/s]
generating data blocks:  53%|█████▎    | 248/468 [00:01<00:01, 186.08it/s]
generating data blocks:  59%|█████▉    | 275/468 [00:01<00:00, 203.42it/s]
generating data blocks:  63%|██████▎   | 297/468 [00:01<00:00, 199.32it/s]
generating data blocks:  68%|██████▊   | 318/468 [00:01<00:00, 188.16it/s]
generating data blocks:  74%|███████▎  | 344/468 [00:01<00:00, 204.53it/s]
generating data blocks:  79%|███████▉  | 372/468 [00:01<00:00, 223.03it/s]
generating data blocks:  84%|████████▍ | 395/468 [00:01<00:00, 218.70it/s]
generating data blocks:  93%|█████████▎| 435/468 [00:01<00:00, 268.04it/s]
generating data blocks: 100%|█████████▉| 467/468 [00:02<00:00, 281.13it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 229.50it/s]
+Preprocessing done in 2.4085593223571777 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:03,  5.75it/s]
 11%|█         | 2/19 [00:00<00:05,  3.14it/s]
 16%|█▌        | 3/19 [00:00<00:05,  2.80it/s]
 21%|██        | 4/19 [00:01<00:05,  2.51it/s]
 26%|██▋       | 5/19 [00:01<00:04,  3.11it/s]
 32%|███▏      | 6/19 [00:02<00:04,  2.69it/s]
 37%|███▋      | 7/19 [00:02<00:05,  2.31it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.28it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.24it/s]
 53%|█████▎    | 10/19 [00:03<00:03,  2.29it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.10it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.01it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.06it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.08it/s]
 79%|███████▉  | 15/19 [00:06<00:01,  2.08it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  1.95it/s]
 89%|████████▉ | 17/19 [00:07<00:00,  2.13it/s]
 95%|█████████▍| 18/19 [00:07<00:00,  2.08it/s]
100%|██████████| 19/19 [00:08<00:00,  2.15it/s]
100%|██████████| 19/19 [00:08<00:00,  2.26it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 63
+nan: 13
+nan: 4
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/047.segmented.ply
+semantic segmentation done in 21.414371013641357 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//062.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//062.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/062.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/062.ply with 647563 points
+global shift: [-35.25675516 -32.17835684   8.49597336]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 27/468 [00:00<00:01, 262.02it/s]
generating data blocks:  12%|█▏        | 54/468 [00:00<00:01, 254.85it/s]
generating data blocks:  18%|█▊        | 82/468 [00:00<00:01, 263.80it/s]
generating data blocks:  24%|██▎       | 110/468 [00:00<00:01, 265.70it/s]
generating data blocks:  29%|██▉       | 137/468 [00:00<00:01, 226.85it/s]
generating data blocks:  34%|███▍      | 161/468 [00:00<00:01, 190.70it/s]
generating data blocks:  40%|███▉      | 187/468 [00:00<00:01, 208.55it/s]
generating data blocks:  45%|████▍     | 210/468 [00:00<00:01, 192.37it/s]
generating data blocks:  49%|████▉     | 231/468 [00:01<00:01, 178.08it/s]
generating data blocks:  53%|█████▎    | 250/468 [00:01<00:01, 169.13it/s]
generating data blocks:  59%|█████▉    | 277/468 [00:01<00:00, 193.64it/s]
generating data blocks:  64%|██████▎   | 298/468 [00:01<00:00, 181.57it/s]
generating data blocks:  68%|██████▊   | 317/468 [00:01<00:00, 156.20it/s]
generating data blocks:  75%|███████▌  | 351/468 [00:01<00:00, 198.88it/s]
generating data blocks:  80%|███████▉  | 373/468 [00:01<00:00, 203.92it/s]
generating data blocks:  84%|████████▍ | 395/468 [00:01<00:00, 206.43it/s]
generating data blocks:  92%|█████████▏| 430/468 [00:02<00:00, 244.04it/s]
generating data blocks: 100%|█████████▉| 466/468 [00:02<00:00, 275.04it/s]
generating data blocks: 100%|██████████| 468/468 [00:02<00:00, 215.04it/s]
+Preprocessing done in 2.604745388031006 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:06,  2.75it/s]
 10%|█         | 2/20 [00:00<00:06,  2.76it/s]
 15%|█▌        | 3/20 [00:01<00:06,  2.60it/s]
 20%|██        | 4/20 [00:01<00:05,  2.79it/s]
 25%|██▌       | 5/20 [00:01<00:05,  2.73it/s]
 30%|███       | 6/20 [00:02<00:05,  2.49it/s]
 35%|███▌      | 7/20 [00:02<00:05,  2.46it/s]
 40%|████      | 8/20 [00:03<00:05,  2.14it/s]
 45%|████▌     | 9/20 [00:03<00:05,  2.03it/s]
 50%|█████     | 10/20 [00:04<00:05,  1.98it/s]
 55%|█████▌    | 11/20 [00:04<00:04,  2.01it/s]
 60%|██████    | 12/20 [00:05<00:04,  1.84it/s]
 65%|██████▌   | 13/20 [00:05<00:03,  1.97it/s]
 70%|███████   | 14/20 [00:06<00:02,  2.01it/s]
 75%|███████▌  | 15/20 [00:06<00:02,  2.03it/s]
 80%|████████  | 16/20 [00:07<00:02,  1.81it/s]
 85%|████████▌ | 17/20 [00:07<00:01,  2.36it/s]
 90%|█████████ | 18/20 [00:07<00:00,  2.72it/s]
 95%|█████████▌| 19/20 [00:08<00:00,  2.45it/s]
100%|██████████| 20/20 [00:08<00:00,  2.70it/s]
100%|██████████| 20/20 [00:08<00:00,  2.29it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/062.segmented.ply
+semantic segmentation done in 25.1326847076416 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//063.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//063.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/063.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/063.ply with 1786681 points
+global shift: [-36.18792471 -23.51626487   6.71358011]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 24/468 [00:00<00:01, 222.73it/s]
generating data blocks:  10%|█         | 47/468 [00:00<00:03, 131.35it/s]
generating data blocks:  13%|█▎        | 63/468 [00:00<00:03, 103.35it/s]
generating data blocks:  18%|█▊        | 83/468 [00:00<00:03, 126.47it/s]
generating data blocks:  21%|██        | 98/468 [00:00<00:02, 127.92it/s]
generating data blocks:  24%|██▍       | 114/468 [00:00<00:02, 132.42it/s]
generating data blocks:  28%|██▊       | 129/468 [00:01<00:03, 109.26it/s]
generating data blocks:  30%|███       | 142/468 [00:01<00:03, 93.87it/s] 
generating data blocks:  33%|███▎      | 153/468 [00:01<00:03, 80.52it/s]
generating data blocks:  35%|███▍      | 163/468 [00:01<00:03, 84.19it/s]
generating data blocks:  39%|███▉      | 183/468 [00:01<00:02, 108.36it/s]
generating data blocks:  42%|████▏     | 196/468 [00:01<00:02, 113.00it/s]
generating data blocks:  45%|████▍     | 209/468 [00:01<00:02, 94.21it/s] 
generating data blocks:  47%|████▋     | 220/468 [00:02<00:02, 86.88it/s]
generating data blocks:  49%|████▉     | 230/468 [00:02<00:03, 72.61it/s]
generating data blocks:  52%|█████▏    | 242/468 [00:02<00:02, 81.32it/s]
generating data blocks:  56%|█████▌    | 262/468 [00:02<00:01, 106.53it/s]
generating data blocks:  59%|█████▉    | 277/468 [00:02<00:01, 115.25it/s]
generating data blocks:  62%|██████▏   | 290/468 [00:02<00:01, 112.68it/s]
generating data blocks:  65%|██████▍   | 303/468 [00:02<00:01, 109.76it/s]
generating data blocks:  67%|██████▋   | 315/468 [00:03<00:01, 105.17it/s]
generating data blocks:  71%|███████▏  | 334/468 [00:03<00:01, 126.19it/s]
generating data blocks:  75%|███████▌  | 353/468 [00:03<00:00, 142.84it/s]
generating data blocks:  79%|███████▊  | 368/468 [00:03<00:00, 136.83it/s]
generating data blocks:  83%|████████▎ | 388/468 [00:03<00:00, 148.43it/s]
generating data blocks:  89%|████████▉ | 417/468 [00:03<00:00, 185.45it/s]
generating data blocks:  94%|█████████▍| 441/468 [00:03<00:00, 199.21it/s]
generating data blocks: 100%|█████████▉| 466/468 [00:03<00:00, 213.46it/s]
generating data blocks: 100%|██████████| 468/468 [00:03<00:00, 123.87it/s]
+Preprocessing done in 5.004253625869751 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:08,  2.27it/s]
 10%|▉         | 2/21 [00:00<00:09,  1.97it/s]
 14%|█▍        | 3/21 [00:01<00:10,  1.79it/s]
 19%|█▉        | 4/21 [00:02<00:09,  1.73it/s]
 24%|██▍       | 5/21 [00:02<00:08,  1.81it/s]
 29%|██▊       | 6/21 [00:03<00:08,  1.87it/s]
 33%|███▎      | 7/21 [00:03<00:07,  1.76it/s]
 38%|███▊      | 8/21 [00:04<00:07,  1.73it/s]
 43%|████▎     | 9/21 [00:04<00:06,  1.80it/s]
 48%|████▊     | 10/21 [00:05<00:05,  1.90it/s]
 52%|█████▏    | 11/21 [00:06<00:05,  1.84it/s]
 57%|█████▋    | 12/21 [00:06<00:04,  1.84it/s]
 62%|██████▏   | 13/21 [00:07<00:04,  1.75it/s]
 67%|██████▋   | 14/21 [00:07<00:03,  1.82it/s]
 71%|███████▏  | 15/21 [00:08<00:03,  1.87it/s]
 76%|███████▌  | 16/21 [00:08<00:02,  1.86it/s]
 81%|████████  | 17/21 [00:09<00:02,  1.79it/s]
 86%|████████▌ | 18/21 [00:09<00:01,  1.87it/s]
 90%|█████████ | 19/21 [00:10<00:01,  1.97it/s]
 95%|█████████▌| 20/21 [00:10<00:00,  1.85it/s]
100%|██████████| 21/21 [00:11<00:00,  2.36it/s]
100%|██████████| 21/21 [00:11<00:00,  1.90it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/063.segmented.ply
+semantic segmentation done in 36.50187635421753 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//070.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//070.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/070.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/070.ply with 315885 points
+global shift: [ -7.86862795 -23.30923586   5.98371293]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 34/432 [00:00<00:01, 337.32it/s]
generating data blocks:  16%|█▌        | 68/432 [00:00<00:01, 245.46it/s]
generating data blocks:  24%|██▍       | 104/432 [00:00<00:01, 286.74it/s]
generating data blocks:  31%|███▏      | 135/432 [00:00<00:01, 229.77it/s]
generating data blocks:  37%|███▋      | 161/432 [00:00<00:01, 222.81it/s]
generating data blocks:  44%|████▍     | 189/432 [00:00<00:01, 237.48it/s]
generating data blocks:  50%|████▉     | 214/432 [00:00<00:00, 234.29it/s]
generating data blocks:  56%|█████▋    | 243/432 [00:00<00:00, 248.57it/s]
generating data blocks:  63%|██████▎   | 271/432 [00:01<00:00, 256.12it/s]
generating data blocks:  69%|██████▉   | 298/432 [00:01<00:00, 254.91it/s]
generating data blocks:  77%|███████▋  | 334/432 [00:01<00:00, 280.56it/s]
generating data blocks:  85%|████████▌ | 368/432 [00:01<00:00, 296.48it/s]
generating data blocks:  94%|█████████▍| 407/432 [00:01<00:00, 318.05it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 274.15it/s]
+Preprocessing done in 1.8298020362854004 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:06,  2.17it/s]
 12%|█▎        | 2/16 [00:00<00:06,  2.18it/s]
 19%|█▉        | 3/16 [00:01<00:05,  2.20it/s]
 25%|██▌       | 4/16 [00:01<00:05,  2.23it/s]
 31%|███▏      | 5/16 [00:02<00:05,  2.14it/s]
 38%|███▊      | 6/16 [00:02<00:04,  2.08it/s]
 44%|████▍     | 7/16 [00:03<00:04,  1.99it/s]
 50%|█████     | 8/16 [00:03<00:03,  2.03it/s]
 56%|█████▋    | 9/16 [00:04<00:03,  1.99it/s]
 62%|██████▎   | 10/16 [00:04<00:02,  2.09it/s]
 69%|██████▉   | 11/16 [00:05<00:02,  2.35it/s]
 75%|███████▌  | 12/16 [00:05<00:01,  2.37it/s]
 81%|████████▏ | 13/16 [00:05<00:01,  2.61it/s]
 94%|█████████▍| 15/16 [00:05<00:00,  4.20it/s]
100%|██████████| 16/16 [00:05<00:00,  2.67it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 44
+nan: 15
+nan: 3
+Saved to: sample_playground/segmented_point_clouds/tiled/second/070.segmented.ply
+semantic segmentation done in 15.731660842895508 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//071.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//071.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/071.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/071.ply with 278902 points
+global shift: [-16.36297578 -31.93975909   7.7697251 ]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 35/432 [00:00<00:01, 348.82it/s]
generating data blocks:  16%|█▌        | 70/432 [00:00<00:01, 297.67it/s]
generating data blocks:  23%|██▎       | 101/432 [00:00<00:01, 293.84it/s]
generating data blocks:  30%|███       | 131/432 [00:00<00:01, 277.86it/s]
generating data blocks:  37%|███▋      | 159/432 [00:00<00:01, 257.13it/s]
generating data blocks:  43%|████▎     | 185/432 [00:00<00:00, 257.93it/s]
generating data blocks:  49%|████▉     | 211/432 [00:00<00:00, 256.50it/s]
generating data blocks:  55%|█████▍    | 237/432 [00:00<00:00, 238.51it/s]
generating data blocks:  61%|██████▏   | 265/432 [00:01<00:00, 249.01it/s]
generating data blocks:  68%|██████▊   | 292/432 [00:01<00:00, 253.87it/s]
generating data blocks:  74%|███████▍  | 320/432 [00:01<00:00, 258.97it/s]
generating data blocks:  82%|████████▏ | 355/432 [00:01<00:00, 282.68it/s]
generating data blocks:  91%|█████████ | 392/432 [00:01<00:00, 306.36it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 284.48it/s]
+Preprocessing done in 1.7584283351898193 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:02,  6.50it/s]
 12%|█▏        | 2/17 [00:00<00:02,  5.08it/s]
 18%|█▊        | 3/17 [00:00<00:04,  3.36it/s]
 24%|██▎       | 4/17 [00:01<00:04,  2.96it/s]
 29%|██▉       | 5/17 [00:01<00:03,  3.14it/s]
 35%|███▌      | 6/17 [00:02<00:04,  2.58it/s]
 41%|████      | 7/17 [00:02<00:04,  2.43it/s]
 47%|████▋     | 8/17 [00:02<00:03,  2.36it/s]
 53%|█████▎    | 9/17 [00:03<00:03,  2.36it/s]
 59%|█████▉    | 10/17 [00:03<00:03,  2.17it/s]
 65%|██████▍   | 11/17 [00:04<00:02,  2.16it/s]
 71%|███████   | 12/17 [00:04<00:02,  2.36it/s]
 76%|███████▋  | 13/17 [00:05<00:01,  2.22it/s]
 82%|████████▏ | 14/17 [00:05<00:01,  2.32it/s]
 88%|████████▊ | 15/17 [00:05<00:00,  2.97it/s]
 94%|█████████▍| 16/17 [00:05<00:00,  3.43it/s]
100%|██████████| 17/17 [00:05<00:00,  2.87it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 73
+nan: 35
+nan: 13
+nan: 4
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/071.segmented.ply
+semantic segmentation done in 14.841570138931274 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//074.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//074.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/074.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/074.ply with 1048808 points
+global shift: [-45.79188457 -24.04873931   8.55157261]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 26/432 [00:00<00:01, 250.16it/s]
generating data blocks:  12%|█▏        | 52/432 [00:00<00:02, 173.39it/s]
generating data blocks:  16%|█▋        | 71/432 [00:00<00:02, 161.81it/s]
generating data blocks:  24%|██▎       | 102/432 [00:00<00:01, 193.32it/s]
generating data blocks:  28%|██▊       | 122/432 [00:00<00:01, 171.98it/s]
generating data blocks:  32%|███▏      | 140/432 [00:00<00:01, 154.14it/s]
generating data blocks:  36%|███▌      | 156/432 [00:00<00:01, 140.40it/s]
generating data blocks:  41%|████      | 175/432 [00:01<00:01, 151.93it/s]
generating data blocks:  44%|████▍     | 191/432 [00:01<00:01, 122.68it/s]
generating data blocks:  47%|████▋     | 205/432 [00:01<00:01, 117.54it/s]
generating data blocks:  51%|█████▏    | 222/432 [00:01<00:01, 128.56it/s]
generating data blocks:  56%|█████▌    | 242/432 [00:01<00:01, 145.08it/s]
generating data blocks:  60%|██████    | 261/432 [00:01<00:01, 156.09it/s]
generating data blocks:  64%|██████▍   | 278/432 [00:01<00:01, 121.22it/s]
generating data blocks:  69%|██████▉   | 297/432 [00:02<00:00, 136.26it/s]
generating data blocks:  73%|███████▎  | 315/432 [00:02<00:00, 146.81it/s]
generating data blocks:  78%|███████▊  | 335/432 [00:02<00:00, 159.05it/s]
generating data blocks:  82%|████████▏ | 353/432 [00:02<00:00, 153.02it/s]
generating data blocks:  88%|████████▊ | 379/432 [00:02<00:00, 178.20it/s]
generating data blocks:  95%|█████████▍| 409/432 [00:02<00:00, 210.31it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 164.05it/s]
+Preprocessing done in 3.337578535079956 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:04,  4.54it/s]
 10%|▉         | 2/21 [00:00<00:07,  2.61it/s]
 14%|█▍        | 3/21 [00:01<00:06,  2.64it/s]
 19%|█▉        | 4/21 [00:01<00:06,  2.74it/s]
 24%|██▍       | 5/21 [00:01<00:06,  2.61it/s]
 29%|██▊       | 6/21 [00:02<00:06,  2.45it/s]
 33%|███▎      | 7/21 [00:02<00:05,  2.35it/s]
 38%|███▊      | 8/21 [00:03<00:05,  2.25it/s]
 43%|████▎     | 9/21 [00:03<00:05,  2.19it/s]
 48%|████▊     | 10/21 [00:04<00:05,  2.16it/s]
 52%|█████▏    | 11/21 [00:04<00:04,  2.18it/s]
 57%|█████▋    | 12/21 [00:05<00:04,  2.07it/s]
 62%|██████▏   | 13/21 [00:05<00:03,  2.03it/s]
 67%|██████▋   | 14/21 [00:06<00:03,  1.98it/s]
 71%|███████▏  | 15/21 [00:06<00:03,  1.95it/s]
 76%|███████▌  | 16/21 [00:07<00:02,  1.93it/s]
 81%|████████  | 17/21 [00:07<00:02,  1.85it/s]
 86%|████████▌ | 18/21 [00:08<00:01,  1.92it/s]
 90%|█████████ | 19/21 [00:08<00:01,  1.99it/s]
 95%|█████████▌| 20/21 [00:09<00:00,  1.99it/s]
100%|██████████| 21/21 [00:09<00:00,  2.00it/s]
100%|██████████| 21/21 [00:09<00:00,  2.13it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/074.segmented.ply
+semantic segmentation done in 33.48652410507202 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//085.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//085.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/085.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/085.ply with 311612 points
+global shift: [-45.90347573 -15.09293907  11.40635922]
+
generating data blocks:   0%|          | 0/468 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 35/468 [00:00<00:01, 345.41it/s]
generating data blocks:  15%|█▍        | 70/468 [00:00<00:01, 286.74it/s]
generating data blocks:  23%|██▎       | 106/468 [00:00<00:01, 315.56it/s]
generating data blocks:  30%|██▉       | 139/468 [00:00<00:01, 259.18it/s]
generating data blocks:  36%|███▌      | 167/468 [00:00<00:01, 260.81it/s]
generating data blocks:  43%|████▎     | 199/468 [00:00<00:01, 261.08it/s]
generating data blocks:  48%|████▊     | 226/468 [00:00<00:01, 229.23it/s]
generating data blocks:  56%|█████▌    | 262/468 [00:00<00:00, 261.40it/s]
generating data blocks:  62%|██████▏   | 290/468 [00:01<00:00, 250.38it/s]
generating data blocks:  68%|██████▊   | 316/468 [00:01<00:00, 227.60it/s]
generating data blocks:  75%|███████▍  | 349/468 [00:01<00:00, 251.95it/s]
generating data blocks:  81%|████████  | 378/468 [00:01<00:00, 259.31it/s]
generating data blocks:  88%|████████▊ | 411/468 [00:01<00:00, 277.17it/s]
generating data blocks:  97%|█████████▋| 452/468 [00:01<00:00, 312.25it/s]
generating data blocks: 100%|██████████| 468/468 [00:01<00:00, 275.33it/s]
+Preprocessing done in 1.9467122554779053 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:05,  3.79it/s]
 10%|█         | 2/20 [00:00<00:05,  3.38it/s]
 15%|█▌        | 3/20 [00:00<00:05,  3.13it/s]
 20%|██        | 4/20 [00:01<00:05,  3.16it/s]
 25%|██▌       | 5/20 [00:01<00:05,  2.83it/s]
 30%|███       | 6/20 [00:02<00:05,  2.60it/s]
 35%|███▌      | 7/20 [00:02<00:05,  2.45it/s]
 40%|████      | 8/20 [00:02<00:04,  2.68it/s]
 45%|████▌     | 9/20 [00:03<00:03,  2.90it/s]
 50%|█████     | 10/20 [00:03<00:03,  2.73it/s]
 55%|█████▌    | 11/20 [00:04<00:03,  2.46it/s]
 60%|██████    | 12/20 [00:04<00:02,  2.67it/s]
 65%|██████▌   | 13/20 [00:04<00:02,  2.71it/s]
 70%|███████   | 14/20 [00:05<00:02,  2.69it/s]
 75%|███████▌  | 15/20 [00:05<00:02,  2.45it/s]
 80%|████████  | 16/20 [00:05<00:01,  2.49it/s]
 85%|████████▌ | 17/20 [00:06<00:01,  2.47it/s]
 90%|█████████ | 18/20 [00:06<00:00,  2.49it/s]
 95%|█████████▌| 19/20 [00:07<00:00,  2.42it/s]
100%|██████████| 20/20 [00:07<00:00,  2.94it/s]
100%|██████████| 20/20 [00:07<00:00,  2.71it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 37
+nan: 16
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/085.segmented.ply
+semantic segmentation done in 17.169092178344727 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//098.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//098.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/098.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/098.ply with 465223 points
+global shift: [-45.75323084 -33.27122268   9.73816864]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   7%|▋         | 32/432 [00:00<00:01, 289.46it/s]
generating data blocks:  14%|█▍        | 61/432 [00:00<00:01, 273.91it/s]
generating data blocks:  21%|██        | 90/432 [00:00<00:01, 271.50it/s]
generating data blocks:  27%|██▋       | 118/432 [00:00<00:01, 228.55it/s]
generating data blocks:  33%|███▎      | 144/432 [00:00<00:01, 236.65it/s]
generating data blocks:  39%|███▉      | 169/432 [00:00<00:01, 235.42it/s]
generating data blocks:  45%|████▍     | 194/432 [00:00<00:01, 236.57it/s]
generating data blocks:  50%|█████     | 218/432 [00:00<00:01, 200.19it/s]
generating data blocks:  57%|█████▋    | 248/432 [00:01<00:00, 224.81it/s]
generating data blocks:  63%|██████▎   | 272/432 [00:01<00:00, 206.44it/s]
generating data blocks:  68%|██████▊   | 294/432 [00:01<00:00, 192.95it/s]
generating data blocks:  73%|███████▎  | 317/432 [00:01<00:00, 201.23it/s]
generating data blocks:  81%|████████  | 350/432 [00:01<00:00, 234.02it/s]
generating data blocks:  87%|████████▋ | 375/432 [00:01<00:00, 234.86it/s]
generating data blocks:  94%|█████████▍| 408/432 [00:01<00:00, 260.52it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 237.87it/s]
+Preprocessing done in 2.141940116882324 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:07,  2.25it/s]
 11%|█         | 2/19 [00:00<00:07,  2.38it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.03it/s]
 21%|██        | 4/19 [00:01<00:06,  2.26it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.16it/s]
 32%|███▏      | 6/19 [00:02<00:06,  2.17it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.07it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.16it/s]
 47%|████▋     | 9/19 [00:04<00:04,  2.09it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.19it/s]
 58%|█████▊    | 11/19 [00:05<00:03,  2.06it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.18it/s]
 68%|██████▊   | 13/19 [00:06<00:02,  2.18it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.09it/s]
 79%|███████▉  | 15/19 [00:07<00:01,  2.00it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  1.99it/s]
 89%|████████▉ | 17/19 [00:08<00:00,  2.06it/s]
 95%|█████████▍| 18/19 [00:08<00:00,  2.12it/s]
100%|██████████| 19/19 [00:08<00:00,  2.22it/s]
100%|██████████| 19/19 [00:08<00:00,  2.14it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 5
+Saved to: sample_playground/segmented_point_clouds/tiled/second/098.segmented.ply
+semantic segmentation done in 21.18420696258545 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//104.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//104.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/104.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/104.ply with 251822 points
+global shift: [-36.58070002 -43.26270961  10.18780075]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 35/432 [00:00<00:01, 346.73it/s]
generating data blocks:  16%|█▌        | 70/432 [00:00<00:01, 323.56it/s]
generating data blocks:  24%|██▍       | 103/432 [00:00<00:01, 299.36it/s]
generating data blocks:  31%|███       | 134/432 [00:00<00:01, 270.41it/s]
generating data blocks:  38%|███▊      | 162/432 [00:00<00:01, 256.46it/s]
generating data blocks:  44%|████▍     | 192/432 [00:00<00:00, 268.41it/s]
generating data blocks:  51%|█████     | 220/432 [00:00<00:00, 242.19it/s]
generating data blocks:  57%|█████▋    | 248/432 [00:00<00:00, 250.56it/s]
generating data blocks:  63%|██████▎   | 274/432 [00:01<00:00, 252.15it/s]
generating data blocks:  71%|███████   | 306/432 [00:01<00:00, 271.38it/s]
generating data blocks:  78%|███████▊  | 337/432 [00:01<00:00, 280.79it/s]
generating data blocks:  87%|████████▋ | 376/432 [00:01<00:00, 308.63it/s]
generating data blocks:  96%|█████████▌| 415/432 [00:01<00:00, 332.04it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 291.74it/s]
+Preprocessing done in 1.698850393295288 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/18 [00:00<?, ?it/s]
  6%|▌         | 1/18 [00:00<00:03,  5.11it/s]
 11%|█         | 2/18 [00:00<00:04,  3.25it/s]
 17%|█▋        | 3/18 [00:00<00:05,  2.91it/s]
 22%|██▏       | 4/18 [00:01<00:04,  2.91it/s]
 28%|██▊       | 5/18 [00:01<00:04,  2.89it/s]
 33%|███▎      | 6/18 [00:02<00:04,  2.57it/s]
 39%|███▉      | 7/18 [00:02<00:04,  2.62it/s]
 44%|████▍     | 8/18 [00:02<00:03,  2.51it/s]
 50%|█████     | 9/18 [00:03<00:03,  2.49it/s]
 56%|█████▌    | 10/18 [00:03<00:03,  2.36it/s]
 61%|██████    | 11/18 [00:04<00:02,  2.34it/s]
 67%|██████▋   | 12/18 [00:04<00:02,  2.28it/s]
 72%|███████▏  | 13/18 [00:05<00:02,  2.35it/s]
 78%|███████▊  | 14/18 [00:05<00:01,  2.31it/s]
 83%|████████▎ | 15/18 [00:05<00:01,  2.43it/s]
 89%|████████▉ | 16/18 [00:06<00:00,  2.71it/s]
100%|██████████| 18/18 [00:06<00:00,  4.07it/s]
100%|██████████| 18/18 [00:06<00:00,  2.81it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 4
+Saved to: sample_playground/segmented_point_clouds/tiled/second/104.segmented.ply
+semantic segmentation done in 14.325753688812256 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//125.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//125.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/125.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/125.ply with 269634 points
+global shift: [-46.21848435 -53.28993209  10.0167441 ]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 36/432 [00:00<00:01, 358.57it/s]
generating data blocks:  17%|█▋        | 72/432 [00:00<00:01, 281.01it/s]
generating data blocks:  24%|██▍       | 105/432 [00:00<00:01, 297.40it/s]
generating data blocks:  31%|███▏      | 136/432 [00:00<00:01, 256.52it/s]
generating data blocks:  39%|███▊      | 167/432 [00:00<00:00, 272.16it/s]
generating data blocks:  45%|████▌     | 196/432 [00:00<00:00, 267.97it/s]
generating data blocks:  52%|█████▏    | 224/432 [00:00<00:00, 230.11it/s]
generating data blocks:  60%|█████▉    | 259/432 [00:00<00:00, 260.32it/s]
generating data blocks:  67%|██████▋   | 288/432 [00:01<00:00, 266.18it/s]
generating data blocks:  73%|███████▎  | 316/432 [00:01<00:00, 261.72it/s]
generating data blocks:  81%|████████  | 349/432 [00:01<00:00, 278.84it/s]
generating data blocks:  90%|████████▉ | 387/432 [00:01<00:00, 307.17it/s]
generating data blocks:  98%|█████████▊| 424/432 [00:01<00:00, 324.39it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 285.46it/s]
+Preprocessing done in 1.7347967624664307 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:04,  3.51it/s]
 12%|█▏        | 2/17 [00:00<00:05,  2.89it/s]
 18%|█▊        | 3/17 [00:01<00:05,  2.60it/s]
 24%|██▎       | 4/17 [00:01<00:04,  2.76it/s]
 29%|██▉       | 5/17 [00:01<00:04,  2.69it/s]
 35%|███▌      | 6/17 [00:02<00:04,  2.52it/s]
 41%|████      | 7/17 [00:02<00:03,  2.56it/s]
 47%|████▋     | 8/17 [00:03<00:03,  2.59it/s]
 53%|█████▎    | 9/17 [00:03<00:02,  2.67it/s]
 59%|█████▉    | 10/17 [00:03<00:02,  2.48it/s]
 65%|██████▍   | 11/17 [00:04<00:02,  2.27it/s]
 71%|███████   | 12/17 [00:04<00:01,  2.74it/s]
 76%|███████▋  | 13/17 [00:05<00:01,  2.53it/s]
 82%|████████▏ | 14/17 [00:05<00:01,  2.38it/s]
 88%|████████▊ | 15/17 [00:05<00:00,  2.52it/s]
 94%|█████████▍| 16/17 [00:05<00:00,  3.08it/s]
100%|██████████| 17/17 [00:06<00:00,  3.85it/s]
100%|██████████| 17/17 [00:06<00:00,  2.78it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/125.segmented.ply
+semantic segmentation done in 14.593076944351196 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//140.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//140.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/140.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/140.ply with 234161 points
+global shift: [-55.52843035 -43.93155209  11.01886083]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▊         | 37/432 [00:00<00:01, 363.51it/s]
generating data blocks:  17%|█▋        | 74/432 [00:00<00:01, 332.50it/s]
generating data blocks:  25%|██▌       | 108/432 [00:00<00:01, 313.11it/s]
generating data blocks:  32%|███▏      | 140/432 [00:00<00:01, 282.62it/s]
generating data blocks:  40%|████      | 173/432 [00:00<00:00, 292.15it/s]
generating data blocks:  47%|████▋     | 203/432 [00:00<00:00, 251.86it/s]
generating data blocks:  54%|█████▍    | 233/432 [00:00<00:00, 264.90it/s]
generating data blocks:  60%|██████    | 261/432 [00:00<00:00, 267.29it/s]
generating data blocks:  67%|██████▋   | 289/432 [00:01<00:00, 264.32it/s]
generating data blocks:  74%|███████▍  | 320/432 [00:01<00:00, 275.94it/s]
generating data blocks:  81%|████████  | 350/432 [00:01<00:00, 279.90it/s]
generating data blocks:  90%|█████████ | 390/432 [00:01<00:00, 310.43it/s]
generating data blocks:  99%|█████████▉| 427/432 [00:01<00:00, 327.15it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 294.84it/s]
+Preprocessing done in 1.6724817752838135 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/17 [00:00<?, ?it/s]
  6%|▌         | 1/17 [00:00<00:04,  3.40it/s]
 12%|█▏        | 2/17 [00:00<00:03,  4.15it/s]
 24%|██▎       | 4/17 [00:00<00:03,  4.25it/s]
 29%|██▉       | 5/17 [00:01<00:03,  3.45it/s]
 35%|███▌      | 6/17 [00:01<00:03,  3.08it/s]
 41%|████      | 7/17 [00:02<00:03,  2.98it/s]
 47%|████▋     | 8/17 [00:02<00:03,  2.80it/s]
 53%|█████▎    | 9/17 [00:02<00:02,  2.70it/s]
 59%|█████▉    | 10/17 [00:03<00:02,  2.64it/s]
 65%|██████▍   | 11/17 [00:03<00:02,  2.62it/s]
 71%|███████   | 12/17 [00:04<00:02,  2.38it/s]
 76%|███████▋  | 13/17 [00:04<00:01,  2.20it/s]
 82%|████████▏ | 14/17 [00:05<00:01,  2.40it/s]
 88%|████████▊ | 15/17 [00:05<00:00,  2.97it/s]
 94%|█████████▍| 16/17 [00:05<00:00,  3.26it/s]
100%|██████████| 17/17 [00:05<00:00,  3.34it/s]
100%|██████████| 17/17 [00:05<00:00,  2.94it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/140.segmented.ply
+semantic segmentation done in 14.411506652832031 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//151.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//151.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/151.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/151.ply with 1114136 points
+global shift: [-65.34165419 -23.57783809   9.43413696]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 22/432 [00:00<00:01, 213.79it/s]
generating data blocks:  10%|█         | 44/432 [00:00<00:02, 193.82it/s]
generating data blocks:  15%|█▍        | 64/432 [00:00<00:02, 165.78it/s]
generating data blocks:  21%|██        | 89/432 [00:00<00:01, 194.24it/s]
generating data blocks:  26%|██▌       | 112/432 [00:00<00:01, 204.55it/s]
generating data blocks:  31%|███       | 133/432 [00:00<00:02, 137.09it/s]
generating data blocks:  35%|███▍      | 150/432 [00:00<00:01, 141.27it/s]
generating data blocks:  39%|███▉      | 169/432 [00:01<00:01, 152.72it/s]
generating data blocks:  43%|████▎     | 187/432 [00:01<00:01, 152.53it/s]
generating data blocks:  47%|████▋     | 204/432 [00:01<00:01, 127.80it/s]
generating data blocks:  51%|█████     | 219/432 [00:01<00:01, 118.81it/s]
generating data blocks:  54%|█████▍    | 235/432 [00:01<00:01, 127.48it/s]
generating data blocks:  59%|█████▉    | 255/432 [00:01<00:01, 144.10it/s]
generating data blocks:  63%|██████▎   | 271/432 [00:01<00:01, 133.71it/s]
generating data blocks:  66%|██████▌   | 286/432 [00:01<00:01, 130.30it/s]
generating data blocks:  69%|██████▉   | 300/432 [00:02<00:01, 123.52it/s]
generating data blocks:  75%|███████▍  | 323/432 [00:02<00:00, 149.52it/s]
generating data blocks:  78%|███████▊  | 339/432 [00:02<00:00, 149.96it/s]
generating data blocks:  82%|████████▏ | 355/432 [00:02<00:00, 147.44it/s]
generating data blocks:  88%|████████▊ | 379/432 [00:02<00:00, 170.91it/s]
generating data blocks:  96%|█████████▌| 413/432 [00:02<00:00, 215.70it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 160.76it/s]
+Preprocessing done in 3.432525873184204 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/23 [00:00<?, ?it/s]
  4%|▍         | 1/23 [00:00<00:08,  2.46it/s]
  9%|▊         | 2/23 [00:00<00:09,  2.20it/s]
 13%|█▎        | 3/23 [00:01<00:08,  2.42it/s]
 17%|█▋        | 4/23 [00:01<00:07,  2.48it/s]
 22%|██▏       | 5/23 [00:02<00:07,  2.43it/s]
 26%|██▌       | 6/23 [00:02<00:07,  2.36it/s]
 30%|███       | 7/23 [00:02<00:06,  2.41it/s]
 35%|███▍      | 8/23 [00:03<00:06,  2.22it/s]
 39%|███▉      | 9/23 [00:03<00:06,  2.21it/s]
 43%|████▎     | 10/23 [00:04<00:05,  2.22it/s]
 48%|████▊     | 11/23 [00:04<00:05,  2.28it/s]
 52%|█████▏    | 12/23 [00:05<00:04,  2.34it/s]
 57%|█████▋    | 13/23 [00:05<00:04,  2.39it/s]
 61%|██████    | 14/23 [00:06<00:04,  2.21it/s]
 65%|██████▌   | 15/23 [00:06<00:03,  2.12it/s]
 70%|██████▉   | 16/23 [00:06<00:03,  2.26it/s]
 74%|███████▍  | 17/23 [00:07<00:02,  2.32it/s]
 78%|███████▊  | 18/23 [00:07<00:02,  2.23it/s]
 83%|████████▎ | 19/23 [00:08<00:01,  2.05it/s]
 87%|████████▋ | 20/23 [00:08<00:01,  2.18it/s]
 91%|█████████▏| 21/23 [00:09<00:00,  2.40it/s]
 96%|█████████▌| 22/23 [00:09<00:00,  2.29it/s]
100%|██████████| 23/23 [00:10<00:00,  2.35it/s]
100%|██████████| 23/23 [00:10<00:00,  2.29it/s]
+Choosing most confident labels...
+Making dtm...
+nan: 441
+Saved to: sample_playground/segmented_point_clouds/tiled/second/151.segmented.ply
+semantic segmentation done in 30.675760507583618 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//162.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//162.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/162.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/162.ply with 298078 points
+global shift: [-57.04477627 -53.43591597   9.44492089]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 35/432 [00:00<00:01, 300.21it/s]
generating data blocks:  15%|█▌        | 66/432 [00:00<00:01, 265.22it/s]
generating data blocks:  23%|██▎       | 100/432 [00:00<00:01, 292.37it/s]
generating data blocks:  30%|███       | 130/432 [00:00<00:01, 269.83it/s]
generating data blocks:  37%|███▋      | 158/432 [00:00<00:01, 247.04it/s]
generating data blocks:  43%|████▎     | 185/432 [00:00<00:00, 247.48it/s]
generating data blocks:  49%|████▉     | 211/432 [00:00<00:00, 240.64it/s]
generating data blocks:  55%|█████▍    | 237/432 [00:00<00:00, 243.26it/s]
generating data blocks:  63%|██████▎   | 273/432 [00:01<00:00, 275.73it/s]
generating data blocks:  70%|██████▉   | 301/432 [00:01<00:00, 269.20it/s]
generating data blocks:  78%|███████▊  | 339/432 [00:01<00:00, 299.55it/s]
generating data blocks:  86%|████████▌ | 370/432 [00:01<00:00, 300.88it/s]
generating data blocks:  96%|█████████▌| 413/432 [00:01<00:00, 338.18it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 288.71it/s]
+Preprocessing done in 1.7474174499511719 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:05,  2.51it/s]
 12%|█▎        | 2/16 [00:00<00:06,  2.23it/s]
 19%|█▉        | 3/16 [00:01<00:05,  2.28it/s]
 25%|██▌       | 4/16 [00:01<00:04,  2.48it/s]
 31%|███▏      | 5/16 [00:02<00:04,  2.26it/s]
 38%|███▊      | 6/16 [00:02<00:04,  2.13it/s]
 44%|████▍     | 7/16 [00:03<00:03,  2.26it/s]
 50%|█████     | 8/16 [00:03<00:03,  2.33it/s]
 56%|█████▋    | 9/16 [00:03<00:03,  2.33it/s]
 62%|██████▎   | 10/16 [00:04<00:02,  2.28it/s]
 69%|██████▉   | 11/16 [00:04<00:02,  2.45it/s]
 75%|███████▌  | 12/16 [00:05<00:01,  2.60it/s]
 81%|████████▏ | 13/16 [00:05<00:01,  2.70it/s]
 88%|████████▊ | 14/16 [00:05<00:00,  2.89it/s]
100%|██████████| 16/16 [00:05<00:00,  2.78it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/162.segmented.ply
+semantic segmentation done in 14.646450996398926 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//182.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//182.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/182.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/182.ply with 656441 points
+global shift: [-56.22476765 -15.48493472   7.34210308]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   6%|▌         | 25/432 [00:00<00:01, 240.66it/s]
generating data blocks:  12%|█▏        | 50/432 [00:00<00:01, 227.28it/s]
generating data blocks:  17%|█▋        | 73/432 [00:00<00:01, 222.36it/s]
generating data blocks:  23%|██▎       | 101/432 [00:00<00:01, 242.17it/s]
generating data blocks:  29%|██▉       | 126/432 [00:00<00:01, 187.40it/s]
generating data blocks:  34%|███▍      | 147/432 [00:00<00:01, 189.63it/s]
generating data blocks:  40%|███▉      | 172/432 [00:00<00:01, 206.01it/s]
generating data blocks:  45%|████▍     | 194/432 [00:00<00:01, 175.48it/s]
generating data blocks:  49%|████▉     | 213/432 [00:01<00:01, 176.87it/s]
generating data blocks:  55%|█████▌    | 239/432 [00:01<00:00, 197.54it/s]
generating data blocks:  60%|██████    | 260/432 [00:01<00:00, 198.51it/s]
generating data blocks:  65%|██████▌   | 281/432 [00:01<00:00, 182.37it/s]
generating data blocks:  72%|███████▏  | 311/432 [00:01<00:00, 212.69it/s]
generating data blocks:  78%|███████▊  | 336/432 [00:01<00:00, 222.21it/s]
generating data blocks:  83%|████████▎ | 359/432 [00:01<00:00, 224.25it/s]
generating data blocks:  91%|█████████ | 394/432 [00:01<00:00, 257.37it/s]
generating data blocks:  99%|█████████▉| 428/432 [00:01<00:00, 281.11it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 220.78it/s]
+Preprocessing done in 2.3887860774993896 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/15 [00:00<?, ?it/s]
  7%|▋         | 1/15 [00:00<00:08,  1.75it/s]
 13%|█▎        | 2/15 [00:01<00:06,  2.03it/s]
 20%|██        | 3/15 [00:01<00:05,  2.01it/s]
 27%|██▋       | 4/15 [00:02<00:05,  1.93it/s]
 33%|███▎      | 5/15 [00:02<00:04,  2.11it/s]
 40%|████      | 6/15 [00:02<00:03,  2.37it/s]
 47%|████▋     | 7/15 [00:03<00:03,  2.26it/s]
 53%|█████▎    | 8/15 [00:03<00:03,  2.32it/s]
 60%|██████    | 9/15 [00:03<00:02,  2.59it/s]
 67%|██████▋   | 10/15 [00:04<00:01,  2.62it/s]
 73%|███████▎  | 11/15 [00:04<00:01,  2.50it/s]
 80%|████████  | 12/15 [00:05<00:01,  2.53it/s]
 87%|████████▋ | 13/15 [00:05<00:00,  2.70it/s]
 93%|█████████▎| 14/15 [00:05<00:00,  2.82it/s]
100%|██████████| 15/15 [00:06<00:00,  3.03it/s]
100%|██████████| 15/15 [00:06<00:00,  2.48it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 113
+nan: 46
+nan: 20
+nan: 9
+nan: 3
+Saved to: sample_playground/segmented_point_clouds/tiled/second/182.segmented.ply
+semantic segmentation done in 20.642225742340088 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//183.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//183.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/183.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/183.ply with 1146073 points
+global shift: [-56.38312763 -22.36870407   7.55449303]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   5%|▌         | 23/432 [00:00<00:01, 206.70it/s]
generating data blocks:  10%|█         | 45/432 [00:00<00:01, 206.93it/s]
generating data blocks:  15%|█▌        | 66/432 [00:00<00:01, 187.21it/s]
generating data blocks:  20%|█▉        | 85/432 [00:00<00:02, 172.41it/s]
generating data blocks:  25%|██▌       | 109/432 [00:00<00:01, 190.58it/s]
generating data blocks:  30%|██▉       | 129/432 [00:00<00:01, 158.11it/s]
generating data blocks:  34%|███▍      | 146/432 [00:00<00:02, 133.64it/s]
generating data blocks:  38%|███▊      | 166/432 [00:01<00:01, 148.33it/s]
generating data blocks:  42%|████▏     | 182/432 [00:01<00:01, 149.89it/s]
generating data blocks:  46%|████▌     | 199/432 [00:01<00:01, 149.57it/s]
generating data blocks:  50%|████▉     | 215/432 [00:01<00:01, 129.98it/s]
generating data blocks:  53%|█████▎    | 229/432 [00:01<00:01, 125.18it/s]
generating data blocks:  59%|█████▉    | 254/432 [00:01<00:01, 155.01it/s]
generating data blocks:  63%|██████▎   | 271/432 [00:01<00:01, 141.83it/s]
generating data blocks:  66%|██████▌   | 286/432 [00:01<00:01, 126.20it/s]
generating data blocks:  71%|███████   | 307/432 [00:02<00:00, 143.79it/s]
generating data blocks:  76%|███████▌  | 329/432 [00:02<00:00, 159.60it/s]
generating data blocks:  81%|████████  | 348/432 [00:02<00:00, 164.15it/s]
generating data blocks:  86%|████████▌ | 371/432 [00:02<00:00, 181.55it/s]
generating data blocks:  93%|█████████▎| 401/432 [00:02<00:00, 213.78it/s]
generating data blocks: 100%|█████████▉| 430/432 [00:02<00:00, 234.81it/s]
generating data blocks: 100%|██████████| 432/432 [00:02<00:00, 168.07it/s]
+Preprocessing done in 3.316805362701416 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:06,  2.95it/s]
 11%|█         | 2/19 [00:00<00:07,  2.32it/s]
 16%|█▌        | 3/19 [00:01<00:07,  2.11it/s]
 21%|██        | 4/19 [00:01<00:06,  2.43it/s]
 26%|██▋       | 5/19 [00:02<00:06,  2.27it/s]
 32%|███▏      | 6/19 [00:02<00:06,  2.06it/s]
 37%|███▋      | 7/19 [00:03<00:05,  2.20it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.18it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.29it/s]
 53%|█████▎    | 10/19 [00:04<00:04,  2.12it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.33it/s]
 63%|██████▎   | 12/19 [00:05<00:03,  2.26it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.32it/s]
 74%|███████▎  | 14/19 [00:06<00:02,  2.25it/s]
 79%|███████▉  | 15/19 [00:06<00:01,  2.08it/s]
 84%|████████▍ | 16/19 [00:07<00:01,  2.38it/s]
 89%|████████▉ | 17/19 [00:07<00:00,  2.35it/s]
 95%|█████████▍| 18/19 [00:07<00:00,  2.45it/s]
100%|██████████| 19/19 [00:08<00:00,  2.67it/s]
100%|██████████| 19/19 [00:08<00:00,  2.33it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 8
+nan: 2
+Saved to: sample_playground/segmented_point_clouds/tiled/second/183.segmented.ply
+semantic segmentation done in 29.679572105407715 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//188.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//188.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/188.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/188.ply with 532255 points
+global shift: [-75.89355724 -32.44199823   8.65235335]
+
generating data blocks:   0%|          | 0/396 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 33/396 [00:00<00:01, 319.18it/s]
generating data blocks:  16%|█▋        | 65/396 [00:00<00:01, 285.65it/s]
generating data blocks:  25%|██▌       | 100/396 [00:00<00:00, 297.79it/s]
generating data blocks:  33%|███▎      | 130/396 [00:00<00:01, 250.28it/s]
generating data blocks:  39%|███▉      | 156/396 [00:00<00:01, 226.59it/s]
generating data blocks:  46%|████▌     | 183/396 [00:00<00:00, 238.30it/s]
generating data blocks:  53%|█████▎    | 208/396 [00:00<00:01, 179.97it/s]
generating data blocks:  59%|█████▉    | 235/396 [00:01<00:00, 200.91it/s]
generating data blocks:  65%|██████▌   | 258/396 [00:01<00:00, 186.51it/s]
generating data blocks:  70%|███████   | 279/396 [00:01<00:00, 185.40it/s]
generating data blocks:  79%|███████▉  | 312/396 [00:01<00:00, 218.54it/s]
generating data blocks:  85%|████████▌ | 337/396 [00:01<00:00, 223.68it/s]
generating data blocks:  95%|█████████▍| 376/396 [00:01<00:00, 262.91it/s]
generating data blocks: 100%|██████████| 396/396 [00:01<00:00, 236.09it/s]
+Preprocessing done in 2.0394303798675537 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:04,  3.08it/s]
 12%|█▎        | 2/16 [00:00<00:05,  2.70it/s]
 19%|█▉        | 3/16 [00:01<00:04,  2.75it/s]
 25%|██▌       | 4/16 [00:01<00:04,  2.80it/s]
 31%|███▏      | 5/16 [00:01<00:04,  2.67it/s]
 38%|███▊      | 6/16 [00:02<00:03,  2.64it/s]
 44%|████▍     | 7/16 [00:02<00:03,  2.63it/s]
 50%|█████     | 8/16 [00:02<00:03,  2.62it/s]
 56%|█████▋    | 9/16 [00:03<00:02,  2.36it/s]
 62%|██████▎   | 10/16 [00:03<00:02,  2.58it/s]
 69%|██████▉   | 11/16 [00:04<00:01,  2.64it/s]
 75%|███████▌  | 12/16 [00:04<00:01,  2.85it/s]
 81%|████████▏ | 13/16 [00:05<00:01,  2.29it/s]
 88%|████████▊ | 14/16 [00:05<00:00,  2.92it/s]
 94%|█████████▍| 15/16 [00:05<00:00,  2.65it/s]
100%|██████████| 16/16 [00:05<00:00,  2.95it/s]
100%|██████████| 16/16 [00:05<00:00,  2.70it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 102
+nan: 55
+nan: 27
+nan: 15
+nan: 6
+nan: 1
+Saved to: sample_playground/segmented_point_clouds/tiled/second/188.segmented.ply
+semantic segmentation done in 17.129696369171143 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//202.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//202.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/202.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/202.ply with 300146 points
+global shift: [-67.225551   -32.05552491  12.13419336]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   9%|▉         | 38/432 [00:00<00:01, 375.49it/s]
generating data blocks:  18%|█▊        | 76/432 [00:00<00:01, 269.19it/s]
generating data blocks:  25%|██▌       | 108/432 [00:00<00:01, 285.57it/s]
generating data blocks:  32%|███▏      | 138/432 [00:00<00:01, 217.21it/s]
generating data blocks:  38%|███▊      | 166/432 [00:00<00:01, 225.09it/s]
generating data blocks:  46%|████▋     | 200/432 [00:00<00:00, 255.06it/s]
generating data blocks:  53%|█████▎    | 228/432 [00:00<00:00, 219.85it/s]
generating data blocks:  61%|██████    | 262/432 [00:01<00:00, 249.34it/s]
generating data blocks:  67%|██████▋   | 289/432 [00:01<00:00, 247.12it/s]
generating data blocks:  75%|███████▌  | 324/432 [00:01<00:00, 273.58it/s]
generating data blocks:  82%|████████▏ | 356/432 [00:01<00:00, 284.62it/s]
generating data blocks:  91%|█████████ | 392/432 [00:01<00:00, 305.06it/s]
generating data blocks: 100%|█████████▉| 431/432 [00:01<00:00, 327.15it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 273.76it/s]
+Preprocessing done in 1.8107049465179443 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:06,  2.59it/s]
 11%|█         | 2/19 [00:00<00:06,  2.77it/s]
 16%|█▌        | 3/19 [00:01<00:06,  2.65it/s]
 21%|██        | 4/19 [00:01<00:06,  2.42it/s]
 26%|██▋       | 5/19 [00:01<00:05,  2.77it/s]
 32%|███▏      | 6/19 [00:02<00:04,  2.74it/s]
 37%|███▋      | 7/19 [00:02<00:04,  2.52it/s]
 42%|████▏     | 8/19 [00:03<00:05,  2.16it/s]
 47%|████▋     | 9/19 [00:03<00:04,  2.43it/s]
 53%|█████▎    | 10/19 [00:04<00:03,  2.45it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.45it/s]
 63%|██████▎   | 12/19 [00:04<00:02,  2.50it/s]
 68%|██████▊   | 13/19 [00:05<00:02,  2.36it/s]
 74%|███████▎  | 14/19 [00:05<00:01,  2.96it/s]
 79%|███████▉  | 15/19 [00:05<00:01,  3.11it/s]
 84%|████████▍ | 16/19 [00:06<00:00,  3.04it/s]
 89%|████████▉ | 17/19 [00:06<00:00,  3.04it/s]
100%|██████████| 19/19 [00:06<00:00,  4.90it/s]
100%|██████████| 19/19 [00:06<00:00,  2.93it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 122
+nan: 75
+nan: 47
+nan: 29
+nan: 18
+nan: 10
+nan: 4
+Saved to: sample_playground/segmented_point_clouds/tiled/second/202.segmented.ply
+semantic segmentation done in 16.133890628814697 s
+
+Processing sample_playground/segmented_point_clouds/tiled/second//210.ply file...
+
+---- parameters used ----
+point_cloud                        sample_playground/segmented_point_clouds/tiled/second//210.ply
+params                             
+odir                               sample_playground/segmented_point_clouds/tiled/second/
+step                               3
+redo                               None
+tile_index                         
+buffer                             0
+batch_size                         10
+num_procs                          10
+keep_npy                           False
+is_wood                            1
+model                              /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/fsct/model/model.pth
+output_fmt                         ply
+verbose                            True
+box_dims                           [6 6 8]
+box_overlap                        [0.5  0.5  0.25]
+min_points_per_box                 1000
+max_points_per_box                 20000
+terrain_class                      0
+vegetation_class                   1
+cwd_class                          2
+stem_class                         3
+noise_class                        4
+grid_resolution                    0.5
+ground_height_threshold            0.1
+num_neighbours                     5
+slice_thickness                    0.2
+slice_increment                    0.05
+subsample                          False
+subsampling_min_spacing            0.01
+min_tree_cyls                      10
+max_distance_between_tiles         inf
+steps_completed                    {0: False, 1: False}
+
+----- preprocessing started -----
+output directory: sample_playground/segmented_point_clouds/tiled/second/
+scratch directory: sample_playground/segmented_point_clouds/tiled/second/210.tmp
+read in /home/nibio/mutable-outside-world/code/gitlab_fsct/instance_segmentation_classic/sample_playground/segmented_point_clouds/tiled/second/210.ply with 330673 points
+global shift: [-76.4538441  -25.22604715  11.05057486]
+
generating data blocks:   0%|          | 0/432 [00:00<?, ?it/s]
generating data blocks:   8%|▊         | 34/432 [00:00<00:01, 320.78it/s]
generating data blocks:  16%|█▌        | 67/432 [00:00<00:01, 282.63it/s]
generating data blocks:  24%|██▍       | 103/432 [00:00<00:01, 312.59it/s]
generating data blocks:  31%|███▏      | 135/432 [00:00<00:01, 225.76it/s]
generating data blocks:  38%|███▊      | 162/432 [00:00<00:01, 237.50it/s]
generating data blocks:  44%|████▎     | 188/432 [00:00<00:01, 207.98it/s]
generating data blocks:  49%|████▉     | 213/432 [00:00<00:01, 217.26it/s]
generating data blocks:  57%|█████▋    | 247/432 [00:01<00:00, 244.18it/s]
generating data blocks:  63%|██████▎   | 273/432 [00:01<00:00, 236.02it/s]
generating data blocks:  71%|███████▏  | 308/432 [00:01<00:00, 264.21it/s]
generating data blocks:  79%|███████▉  | 341/432 [00:01<00:00, 278.41it/s]
generating data blocks:  86%|████████▌ | 370/432 [00:01<00:00, 273.62it/s]
generating data blocks:  95%|█████████▍| 410/432 [00:01<00:00, 307.39it/s]
generating data blocks: 100%|██████████| 432/432 [00:01<00:00, 266.75it/s]
+Preprocessing done in 1.8701179027557373 seconds
+
+----- semantic segmentation started -----
+using: cuda
+
  0%|          | 0/19 [00:00<?, ?it/s]
  5%|▌         | 1/19 [00:00<00:07,  2.33it/s]
 11%|█         | 2/19 [00:00<00:06,  2.52it/s]
 16%|█▌        | 3/19 [00:01<00:05,  2.80it/s]
 21%|██        | 4/19 [00:01<00:04,  3.42it/s]
 26%|██▋       | 5/19 [00:01<00:04,  2.86it/s]
 32%|███▏      | 6/19 [00:02<00:05,  2.56it/s]
 37%|███▋      | 7/19 [00:02<00:05,  2.36it/s]
 42%|████▏     | 8/19 [00:03<00:04,  2.32it/s]
 47%|████▋     | 9/19 [00:03<00:03,  2.67it/s]
 53%|█████▎    | 10/19 [00:03<00:03,  2.47it/s]
 58%|█████▊    | 11/19 [00:04<00:03,  2.42it/s]
 63%|██████▎   | 12/19 [00:04<00:02,  2.42it/s]
 68%|██████▊   | 13/19 [00:04<00:01,  3.13it/s]
 74%|███████▎  | 14/19 [00:05<00:01,  2.98it/s]
 79%|███████▉  | 15/19 [00:05<00:01,  3.01it/s]
 84%|████████▍ | 16/19 [00:05<00:00,  3.10it/s]
 89%|████████▉ | 17/19 [00:06<00:00,  3.49it/s]
 95%|█████████▍| 18/19 [00:06<00:00,  3.47it/s]
100%|██████████| 19/19 [00:06<00:00,  3.44it/s]
100%|██████████| 19/19 [00:06<00:00,  2.87it/s]
+/miniconda/envs/pdal-env-1/lib/python3.8/site-packages/numpy/lib/nanfunctions.py:1119: RuntimeWarning: All-NaN slice encountered
+  r, k = function_base._ureduce(a, func=_nanmedian, axis=axis, out=out,
+Choosing most confident labels...
+Making dtm...
+nan: 441
+nan: 94
+nan: 41
+nan: 13
+nan: 4
+Saved to: sample_playground/segmented_point_clouds/tiled/second/210.segmented.ply
+semantic segmentation done in 16.61984395980835 s
+
+Merging the segmented point clouds
+INFO:root:Merging the ply files
+Only merging the ply files
+
  0%|          | 0/38 [00:00<?, ?it/s]
100%|██████████| 38/38 [00:00<00:00, 122132.99it/s]
+INFO:root:The file is saved in: sample_playground/segmented_point_clouds/tiled/first/sample_playground/segmented_point_clouds/first.segmented.ply
+INFO:root:Merging was done for 37 number of files
+INFO:root:Done
+INFO:root:Merging the ply files
+Only merging the ply files
+
  0%|          | 0/38 [00:00<?, ?it/s]
100%|██████████| 38/38 [00:00<00:00, 120380.33it/s]
+INFO:root:The file is saved in: sample_playground/segmented_point_clouds/tiled/second/sample_playground/segmented_point_clouds/second.segmented.ply
+INFO:root:Merging was done for 37 number of files
+INFO:root:Done
+Renaming sample_playground/segmented_point_clouds/tiled/first to sample_playground/segmented_point_clouds/tiled/first
+Renaming sample_playground/segmented_point_clouds/tiled/second to sample_playground/segmented_point_clouds/tiled/second
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/002.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/002
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/002.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/002
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:05,  1.39it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.23s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:07,  1.44s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.66s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.88s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.13s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.40s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.53s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.08s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:13,  2.87it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:22,  1.62it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:35,  1.00it/s]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:44,  1.27s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:06<00:49,  1.45s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:07<00:44,  1.35s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:08<00:37,  1.17s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:08<00:30,  1.01it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:09<00:24,  1.21it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:09<00:19,  1.47it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:09<00:15,  1.84it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:09<00:11,  2.28it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:10<00:09,  2.81it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:10<00:07,  3.45it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:10<00:05,  4.27it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:10<00:03,  6.23it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:10<00:02,  8.51it/s]
slice data vertically and clustering:  59%|█████▉    | 23/39 [00:10<00:01, 13.98it/s]
slice data vertically and clustering:  82%|████████▏ | 32/39 [00:10<00:00, 29.89it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:10<00:00,  3.62it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      MMMMMMMMMMMMMMM  70.11% ::::::::::::::::::::::::::::             |       61 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+   1.16%                                          |        1 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  97.67% :::::::::::::::::::::::::::::::::::::::  |       84 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  97.67% :::::::::::::::::::::::::::::::::::::::  |       84 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  97.67% :::::::::::::::::::::::::::::::::::::::  |       84 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  86.21% ::::::::::::::::::::::::::::::::::       |       75 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  85.06% ::::::::::::::::::::::::::::::::::       |       74 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/14 [00:00<?, ?it/s]
writing stems to file:  43%|████▎     | 6/14 [00:00<00:00, 51.71it/s]
writing stems to file: 100%|██████████| 14/14 [00:00<00:00, 74.60it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/14 [00:00<?, ?it/s]
  7%|▋         | 1/14 [00:00<00:04,  2.84it/s]
 21%|██▏       | 3/14 [00:00<00:01,  6.30it/s]
 29%|██▊       | 4/14 [00:00<00:01,  6.44it/s]
 43%|████▎     | 6/14 [00:00<00:00,  9.09it/s]
 57%|█████▋    | 8/14 [00:00<00:00, 10.27it/s]
 71%|███████▏  | 10/14 [00:01<00:00,  9.43it/s]
 86%|████████▌ | 12/14 [00:01<00:00,  9.73it/s]
100%|██████████| 14/14 [00:01<00:00,  9.67it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.0/002_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.0/002_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.2/002_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.1/002_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.3/002_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.1/002_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.3/002_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.0/002_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.1/002_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.1/002_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.0/002_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.0/002_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.1/002_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/002/0.0/002_T13.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/003.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/003
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/003.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/003
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.09it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:11,  1.97s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.93s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.85s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.92s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.07s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.61s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.83s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.33s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:13,  2.74it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:23,  1.60it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:41,  1.15s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:05<00:54,  1.55s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:07<00:59,  1.75s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:08<00:53,  1.61s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:09<00:45,  1.41s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:10<00:36,  1.16s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:10<00:28,  1.05it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:11<00:22,  1.30it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:11<00:16,  1.65it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:11<00:12,  2.08it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:11<00:09,  2.61it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:11<00:07,  3.21it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:11<00:05,  4.03it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:12<00:03,  5.94it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:12<00:02,  8.07it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:12<00:01, 12.08it/s]
slice data vertically and clustering:  74%|███████▍  | 29/39 [00:12<00:00, 24.09it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:12<00:00,  3.15it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      MMMMMMMMMMMMMMM  65.91% ::::::::::::::::::::::::::               |       58 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  76.14% ::::::::::::::::::::::::::::::           |       67 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+  84.09% :::::::::::::::::::::::::::::::::        |       74 /       88 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+   1.15%                                          |        1 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  76.14% ::::::::::::::::::::::::::::::           |       67 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+  95.40% ::::::::::::::::::::::::::::::::::::::   |       83 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  57.47% ::::::::::::::::::::::                   |       50 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+  73.86% :::::::::::::::::::::::::::::            |       65 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  82.95% :::::::::::::::::::::::::::::::::        |       73 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  63.64% :::::::::::::::::::::::::                |       56 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  77.27% ::::::::::::::::::::::::::::::           |       68 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/3 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 3/3 [00:00<00:00, 70.46it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  2.44it/s]
100%|██████████| 3/3 [00:00<00:00,  4.76it/s]
100%|██████████| 3/3 [00:00<00:00,  4.34it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/003/0.0/003_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/003/0.0/003_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/003/0.2/003_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/013.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/013
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/013.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/013
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:11,  1.59s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.47s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:10,  2.01s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.06s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:06,  2.18s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.17s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.83s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.06s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.51s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/42 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/42 [00:00<00:17,  2.28it/s]
slice data vertically and clustering:   5%|▍         | 2/42 [00:01<00:31,  1.28it/s]
slice data vertically and clustering:   7%|▋         | 3/42 [00:03<00:51,  1.31s/it]
slice data vertically and clustering:  10%|▉         | 4/42 [00:05<01:05,  1.73s/it]
slice data vertically and clustering:  12%|█▏        | 5/42 [00:08<01:12,  1.95s/it]
slice data vertically and clustering:  14%|█▍        | 6/42 [00:09<01:06,  1.84s/it]
slice data vertically and clustering:  17%|█▋        | 7/42 [00:10<00:56,  1.63s/it]
slice data vertically and clustering:  19%|█▉        | 8/42 [00:11<00:47,  1.39s/it]
slice data vertically and clustering:  21%|██▏       | 9/42 [00:12<00:37,  1.14s/it]
slice data vertically and clustering:  24%|██▍       | 10/42 [00:12<00:29,  1.09it/s]
slice data vertically and clustering:  26%|██▌       | 11/42 [00:13<00:22,  1.40it/s]
slice data vertically and clustering:  29%|██▊       | 12/42 [00:13<00:16,  1.79it/s]
slice data vertically and clustering:  31%|███       | 13/42 [00:13<00:12,  2.26it/s]
slice data vertically and clustering:  33%|███▎      | 14/42 [00:13<00:09,  2.83it/s]
slice data vertically and clustering:  36%|███▌      | 15/42 [00:13<00:07,  3.53it/s]
slice data vertically and clustering:  40%|████      | 17/42 [00:13<00:04,  5.35it/s]
slice data vertically and clustering:  48%|████▊     | 20/42 [00:14<00:02,  8.59it/s]
slice data vertically and clustering:  57%|█████▋    | 24/42 [00:14<00:01, 13.89it/s]
slice data vertically and clustering:  81%|████████  | 34/42 [00:14<00:00, 30.57it/s]
slice data vertically and clustering: 100%|██████████| 42/42 [00:14<00:00,  2.95it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+MMMMMMMMMMMMMMM   0.99%                                          |        1 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      MMMMMMMMMMMMMMM   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  62.38% ::::::::::::::::::::::::                 |       63 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  62.38% ::::::::::::::::::::::::                 |       63 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  62.38% ::::::::::::::::::::::::                 |       63 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+  82.00% ::::::::::::::::::::::::::::::::         |       82 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       85 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  62.00% ::::::::::::::::::::::::                 |       62 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  44.55% :::::::::::::::::                        |       45 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 89.34it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  3.59it/s]
 50%|█████     | 3/6 [00:00<00:00,  8.47it/s]
 83%|████████▎ | 5/6 [00:00<00:00, 10.52it/s]
100%|██████████| 6/6 [00:00<00:00,  9.22it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/013/0.4/013_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/013/0.0/013_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/013/0.4/013_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/013/0.2/013_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/013/0.3/013_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/013/0.0/013_T5.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/015.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/015
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/015.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/015
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.07it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:06,  1.11s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.19s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.78s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:07,  2.45s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.83s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:03,  3.04s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.27s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.57s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:18,  2.11it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:30,  1.23it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:03<00:50,  1.36s/it]
slice data vertically and clustering:  10%|█         | 4/40 [00:06<01:04,  1.80s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:08<01:10,  2.02s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:10<01:05,  1.91s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:11<00:55,  1.69s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:12<00:46,  1.44s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:12<00:36,  1.19s/it]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:13<00:28,  1.05it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:13<00:21,  1.32it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:13<00:16,  1.68it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:14<00:12,  2.13it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:14<00:09,  2.68it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:14<00:07,  3.35it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:14<00:04,  5.06it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:14<00:02,  7.04it/s]
slice data vertically and clustering:  55%|█████▌    | 22/40 [00:14<00:01, 10.72it/s]
slice data vertically and clustering:  70%|███████   | 28/40 [00:14<00:00, 19.88it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:14<00:00,  2.69it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      MMMMMMMMMMMMMMM   0.95%                                          |        1 /      105 |      
+  40.00% ::::::::::::::::                         |       42 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      MMMMMMMMMMMMMMM  58.10% :::::::::::::::::::::::                  |       61 /      105 |      
+  40.00% ::::::::::::::::                         |       42 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  70.48% ::::::::::::::::::::::::::::             |       74 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  79.05% :::::::::::::::::::::::::::::::          |       83 /      105 |      
+  78.85% :::::::::::::::::::::::::::::::          |       82 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM  58.10% :::::::::::::::::::::::                  |       61 /      105 |      
+  40.00% ::::::::::::::::                         |       42 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  70.48% ::::::::::::::::::::::::::::             |       74 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  79.05% :::::::::::::::::::::::::::::::          |       83 /      105 |      
+  78.85% :::::::::::::::::::::::::::::::          |       82 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM  58.10% :::::::::::::::::::::::                  |       61 /      105 |      
+  40.00% ::::::::::::::::                         |       42 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  70.48% ::::::::::::::::::::::::::::             |       74 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  79.05% :::::::::::::::::::::::::::::::          |       83 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM  58.10% :::::::::::::::::::::::                  |       61 /      105 |      
+  40.00% ::::::::::::::::                         |       42 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  70.48% ::::::::::::::::::::::::::::             |       74 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM  58.10% :::::::::::::::::::::::                  |       61 /      105 |      
+  40.00% ::::::::::::::::                         |       42 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM  58.10% :::::::::::::::::::::::                  |       61 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  62.86% :::::::::::::::::::::::::                |       66 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  69.52% :::::::::::::::::::::::::::              |       73 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  51.43% ::::::::::::::::::::                     |       54 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 77.51it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:01,  3.51it/s]
 60%|██████    | 3/5 [00:00<00:00,  7.54it/s]
 80%|████████  | 4/5 [00:00<00:00,  8.15it/s]
100%|██████████| 5/5 [00:00<00:00,  8.09it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/015/0.1/015_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/015/0.2/015_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/015/0.3/015_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/015/0.1/015_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/015/0.1/015_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/023.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/023
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/023.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/023
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:14,  2.04s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:10,  1.73s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.59s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.76s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.01s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.19s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.39s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.51s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.20s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:10,  3.70it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:00<00:17,  2.22it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:32,  1.15it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:42,  1.18s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:45,  1.30s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:43,  1.28s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:07<00:36,  1.11s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:07<00:30,  1.05it/s]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:08<00:24,  1.25it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:08<00:19,  1.52it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:09<00:15,  1.89it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:09<00:11,  2.35it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:09<00:09,  2.89it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:09<00:07,  3.53it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:09<00:05,  4.28it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:09<00:03,  6.30it/s]
slice data vertically and clustering:  50%|█████     | 20/40 [00:09<00:02,  9.89it/s]
slice data vertically and clustering:  62%|██████▎   | 25/40 [00:10<00:00, 17.24it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:10<00:00,  3.96it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      MMMMMMMMMMMMMMM  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  70.10% ::::::::::::::::::::::::::::             |       68 /       97 |      
+  85.57% ::::::::::::::::::::::::::::::::::       |       83 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  70.10% ::::::::::::::::::::::::::::             |       68 /       97 |      
+  85.57% ::::::::::::::::::::::::::::::::::       |       83 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  85.57% ::::::::::::::::::::::::::::::::::       |       83 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  70.10% ::::::::::::::::::::::::::::             |       68 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  85.57% ::::::::::::::::::::::::::::::::::       |       83 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  70.10% ::::::::::::::::::::::::::::             |       68 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  85.57% ::::::::::::::::::::::::::::::::::       |       83 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  87.76% :::::::::::::::::::::::::::::::::::      |       86 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/20 [00:00<?, ?it/s]
writing stems to file:  50%|█████     | 10/20 [00:00<00:00, 95.30it/s]
writing stems to file: 100%|██████████| 20/20 [00:00<00:00, 110.93it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/20 [00:00<?, ?it/s]
  5%|▌         | 1/20 [00:00<00:07,  2.68it/s]
 15%|█▌        | 3/20 [00:00<00:02,  6.39it/s]
 25%|██▌       | 5/20 [00:00<00:01,  8.89it/s]
 35%|███▌      | 7/20 [00:00<00:01,  9.69it/s]
 50%|█████     | 10/20 [00:00<00:00, 13.23it/s]
 70%|███████   | 14/20 [00:01<00:00, 17.30it/s]
 95%|█████████▌| 19/20 [00:01<00:00, 23.20it/s]
100%|██████████| 20/20 [00:01<00:00, 15.35it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.2/023_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.1/023_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T19.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.2/023_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.1/023_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.1/023_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.2/023_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T16.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.2/023_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T17.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T15.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T18.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.1/023_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.1/023_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/023/0.0/023_T14.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/024.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/024
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/024.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/024
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:12,  1.76s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:08,  1.46s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:08,  1.63s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:06,  1.72s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.99s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.18s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.29s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.51s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.15s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:10,  3.67it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:00<00:17,  2.22it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:32,  1.15it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:42,  1.18s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:45,  1.30s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:43,  1.28s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:07<00:36,  1.11s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:07<00:30,  1.05it/s]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:08<00:24,  1.25it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:08<00:19,  1.52it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:09<00:15,  1.89it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:09<00:11,  2.35it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:09<00:09,  2.90it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:09<00:07,  3.54it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:09<00:05,  4.30it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:09<00:03,  6.33it/s]
slice data vertically and clustering:  50%|█████     | 20/40 [00:09<00:02,  9.92it/s]
slice data vertically and clustering:  62%|██████▎   | 25/40 [00:10<00:00, 17.29it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:10<00:00,  3.96it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+MMMMMMMMMMMMMMM   1.02%                                          |        1 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      MMMMMMMMMMMMMMM  63.27% :::::::::::::::::::::::::                |       62 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+   1.03%                                          |        1 /       97 |      
+  81.44% ::::::::::::::::::::::::::::::::         |       79 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  81.44% ::::::::::::::::::::::::::::::::         |       79 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  81.44% ::::::::::::::::::::::::::::::::         |       79 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  81.44% ::::::::::::::::::::::::::::::::         |       79 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+  88.66% :::::::::::::::::::::::::::::::::::      |       86 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+  77.32% ::::::::::::::::::::::::::::::           |       75 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  72.16% ::::::::::::::::::::::::::::             |       70 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  82.47% ::::::::::::::::::::::::::::::::         |       80 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/16 [00:00<?, ?it/s]
writing stems to file:  44%|████▍     | 7/16 [00:00<00:00, 65.56it/s]
writing stems to file: 100%|██████████| 16/16 [00:00<00:00, 89.61it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:08,  1.83it/s]
 12%|█▎        | 2/16 [00:00<00:04,  3.28it/s]
 25%|██▌       | 4/16 [00:00<00:01,  6.09it/s]
 38%|███▊      | 6/16 [00:00<00:01,  8.41it/s]
 50%|█████     | 8/16 [00:01<00:00, 10.68it/s]
 62%|██████▎   | 10/16 [00:01<00:00, 12.74it/s]
 81%|████████▏ | 13/16 [00:01<00:00, 16.75it/s]
100%|██████████| 16/16 [00:01<00:00, 11.40it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.3/024_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.2/024_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.3/024_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.2/024_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.5/024_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.2/024_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.3/024_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.0/024_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.0/024_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.1/024_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.0/024_T15.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.2/024_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.0/024_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.0/024_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.0/024_T14.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/024/0.1/024_T9.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/026.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/026
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/026.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/026
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:13,  1.86s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.43s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.81s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.95s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.89s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.14s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.33s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.46s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.16s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:10,  3.82it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:00<00:16,  2.36it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:29,  1.25it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:39,  1.09s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:04<00:42,  1.21s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:40,  1.18s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:06<00:33,  1.03s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:07<00:29,  1.10it/s]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:07<00:24,  1.29it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:08<00:19,  1.53it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:08<00:15,  1.89it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:08<00:12,  2.31it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:08<00:09,  2.81it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:09<00:07,  3.39it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:09<00:06,  4.09it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:09<00:03,  5.93it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:09<00:02,  8.18it/s]
slice data vertically and clustering:  57%|█████▊    | 23/40 [00:09<00:01, 13.86it/s]
slice data vertically and clustering:  92%|█████████▎| 37/40 [00:09<00:00, 40.09it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:09<00:00,  4.10it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+MMMMMMMMMMMMMMM   1.00%                                          |        1 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      MMMMMMMMMMMMMMM   1.00%                                          |        1 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      
+  85.86% ::::::::::::::::::::::::::::::::::       |       85 /       99 |      
+  62.63% :::::::::::::::::::::::::                |       62 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      
+  85.86% ::::::::::::::::::::::::::::::::::       |       85 /       99 |      
+  62.63% :::::::::::::::::::::::::                |       62 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  62.63% :::::::::::::::::::::::::                |       62 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  62.63% :::::::::::::::::::::::::                |       62 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  45.00% ::::::::::::::::::                       |       45 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  79.80% :::::::::::::::::::::::::::::::          |       79 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  78.79% :::::::::::::::::::::::::::::::          |       78 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  83.84% :::::::::::::::::::::::::::::::::        |       83 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  37.00% ::::::::::::::                           |       37 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 115.66it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:01,  3.10it/s]
 60%|██████    | 3/5 [00:00<00:00,  7.64it/s]
100%|██████████| 5/5 [00:00<00:00,  9.38it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/026/0.0/026_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/026/0.0/026_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/026/0.3/026_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/026/0.1/026_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/026/0.0/026_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/028.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/028
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/028.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/028
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.09it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.21s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:07,  1.42s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.14s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.26s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.39s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.70s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.22s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.50s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:19,  1.99it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:31,  1.17it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:03<00:51,  1.42s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:06<01:04,  1.85s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:09<01:15,  2.22s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:10<01:07,  2.04s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:11<00:56,  1.77s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:12<00:46,  1.51s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:13<00:36,  1.23s/it]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:14<00:28,  1.01it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:14<00:22,  1.26it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:14<00:16,  1.59it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:14<00:12,  2.01it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:14<00:10,  2.49it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:15<00:07,  3.06it/s]
slice data vertically and clustering:  41%|████      | 16/39 [00:15<00:06,  3.76it/s]
slice data vertically and clustering:  46%|████▌     | 18/39 [00:15<00:03,  5.46it/s]
slice data vertically and clustering:  51%|█████▏    | 20/39 [00:15<00:02,  7.45it/s]
slice data vertically and clustering:  59%|█████▉    | 23/39 [00:15<00:01, 11.09it/s]
slice data vertically and clustering:  74%|███████▍  | 29/39 [00:15<00:00, 20.57it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:15<00:00,  2.47it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      
+   0.00%                                          |        0 /       95 |      MMMMMMMMMMMMMMM   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.05%                                          |        1 /       95 |      
+   1.05%                                          |        1 /       95 |      
+   1.05%                                          |        1 /       95 |      
+   1.05%                                          |        1 /       95 |      
+   1.05%                                          |        1 /       95 |      
+   1.05%                                          |        1 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  74.74% :::::::::::::::::::::::::::::            |       71 /       95 |      
+  82.11% ::::::::::::::::::::::::::::::::         |       78 /       95 |      
+  88.42% :::::::::::::::::::::::::::::::::::      |       84 /       95 |      
+  77.89% :::::::::::::::::::::::::::::::          |       74 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+  85.26% ::::::::::::::::::::::::::::::::::       |       81 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  74.74% :::::::::::::::::::::::::::::            |       71 /       95 |      
+  82.11% ::::::::::::::::::::::::::::::::         |       78 /       95 |      
+  88.42% :::::::::::::::::::::::::::::::::::      |       84 /       95 |      
+  77.89% :::::::::::::::::::::::::::::::          |       74 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+  85.26% ::::::::::::::::::::::::::::::::::       |       81 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  74.74% :::::::::::::::::::::::::::::            |       71 /       95 |      
+  82.11% ::::::::::::::::::::::::::::::::         |       78 /       95 |      
+  88.42% :::::::::::::::::::::::::::::::::::      |       84 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+  85.26% ::::::::::::::::::::::::::::::::::       |       81 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  74.74% :::::::::::::::::::::::::::::            |       71 /       95 |      
+  82.11% ::::::::::::::::::::::::::::::::         |       78 /       95 |      
+  88.42% :::::::::::::::::::::::::::::::::::      |       84 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  74.74% :::::::::::::::::::::::::::::            |       71 /       95 |      
+  82.11% ::::::::::::::::::::::::::::::::         |       78 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+  82.11% ::::::::::::::::::::::::::::::::         |       78 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  73.96% :::::::::::::::::::::::::::::            |       71 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  53.12% :::::::::::::::::::::                    |       51 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+  85.42% ::::::::::::::::::::::::::::::::::       |       82 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  66.67% ::::::::::::::::::::::::::               |       64 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  78.12% :::::::::::::::::::::::::::::::          |       75 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 64.28it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.88it/s]
100%|██████████| 2/2 [00:00<00:00,  3.61it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/028/0.3/028_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/028/0.0/028_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/029.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/029
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/029.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/029
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:16,  2.29s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:10,  1.79s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:08,  1.77s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.85s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.99s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.20s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.31s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.39s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.17s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:11,  3.25it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:20,  1.78it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:33,  1.07it/s]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:41,  1.19s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:05<00:46,  1.36s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:06<00:40,  1.22s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:07<00:33,  1.06s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:07<00:27,  1.11it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:08<00:22,  1.33it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:08<00:17,  1.67it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:08<00:13,  2.09it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:08<00:10,  2.62it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:09<00:08,  3.25it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:09<00:06,  4.06it/s]
slice data vertically and clustering:  41%|████      | 16/39 [00:09<00:03,  5.93it/s]
slice data vertically and clustering:  46%|████▌     | 18/39 [00:09<00:02,  8.09it/s]
slice data vertically and clustering:  54%|█████▍    | 21/39 [00:09<00:01, 12.08it/s]
slice data vertically and clustering:  72%|███████▏  | 28/39 [00:09<00:00, 23.82it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:09<00:00,  4.01it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |       68 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |       68 /       85 |      
+  89.41% :::::::::::::::::::::::::::::::::::      |       76 /       85 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  95.24% ::::::::::::::::::::::::::::::::::::::   |       80 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |       68 /       85 |      
+  89.41% :::::::::::::::::::::::::::::::::::      |       76 /       85 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+  95.24% ::::::::::::::::::::::::::::::::::::::   |       80 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |       68 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+  95.24% ::::::::::::::::::::::::::::::::::::::   |       80 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+  95.24% ::::::::::::::::::::::::::::::::::::::   |       80 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  98.81% :::::::::::::::::::::::::::::::::::::::  |       83 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  98.81% :::::::::::::::::::::::::::::::::::::::  |       83 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  95.24% ::::::::::::::::::::::::::::::::::::::   |       80 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/3 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 3/3 [00:00<00:00, 94.37it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  3.24it/s]
100%|██████████| 3/3 [00:00<00:00,  7.53it/s]
100%|██████████| 3/3 [00:00<00:00,  6.65it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/029/0.2/029_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/029/0.3/029_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/029/0.1/029_T2.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/035.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/035
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/035.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/035
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.07it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.39s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:06,  1.39s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.95s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.14s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.15s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.41s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.61s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.18s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:13,  2.90it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:00<00:19,  1.97it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:33,  1.12it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:42,  1.18s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:45,  1.30s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:42,  1.25s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:07<00:36,  1.12s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:08<00:30,  1.05it/s]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:08<00:25,  1.22it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:09<00:20,  1.44it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:09<00:16,  1.71it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:09<00:13,  2.07it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:09<00:10,  2.50it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:09<00:08,  2.98it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:10<00:07,  3.55it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:10<00:05,  4.23it/s]
slice data vertically and clustering:  45%|████▌     | 18/40 [00:10<00:03,  5.95it/s]
slice data vertically and clustering:  50%|█████     | 20/40 [00:10<00:02,  7.98it/s]
slice data vertically and clustering:  57%|█████▊    | 23/40 [00:10<00:01, 11.67it/s]
slice data vertically and clustering:  78%|███████▊  | 31/40 [00:10<00:00, 25.18it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:10<00:00,  3.70it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+MMMMMMMMMMMMMMM   1.02%                                          |        1 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      MMMMMMMMMMMMMMM  62.24% ::::::::::::::::::::::::                 |       61 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM  62.24% ::::::::::::::::::::::::                 |       61 /       98 |      
+  63.27% :::::::::::::::::::::::::                |       62 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  83.51% :::::::::::::::::::::::::::::::::        |       81 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  63.27% :::::::::::::::::::::::::                |       62 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  83.51% :::::::::::::::::::::::::::::::::        |       81 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  63.27% :::::::::::::::::::::::::                |       62 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  83.51% :::::::::::::::::::::::::::::::::        |       81 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  63.27% :::::::::::::::::::::::::                |       62 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  83.51% :::::::::::::::::::::::::::::::::        |       81 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  83.51% :::::::::::::::::::::::::::::::::        |       81 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  67.35% ::::::::::::::::::::::::::               |       66 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  55.10% ::::::::::::::::::::::                   |       54 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  77.55% :::::::::::::::::::::::::::::::          |       76 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/9 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 9/9 [00:00<00:00, 85.19it/s]
writing stems to file: 100%|██████████| 9/9 [00:00<00:00, 85.04it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/9 [00:00<?, ?it/s]
 11%|█         | 1/9 [00:00<00:02,  2.82it/s]
 44%|████▍     | 4/9 [00:00<00:00,  8.55it/s]
 67%|██████▋   | 6/9 [00:00<00:00, 10.04it/s]
100%|██████████| 9/9 [00:00<00:00, 10.65it/s]
100%|██████████| 9/9 [00:00<00:00,  9.40it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.1/035_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.1/035_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.1/035_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.2/035_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.4/035_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.0/035_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.1/035_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.0/035_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/035/0.0/035_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/036.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/036
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/036.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/036
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.83it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.11it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:02<00:04,  1.18it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:03<00:04,  1.16s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:05<00:04,  1.50s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:08<00:03,  1.70s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:02,  2.25s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  2.44s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  1.78s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:10,  3.39it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:14,  2.41it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:27,  1.25it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:36,  1.06s/it]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:39,  1.19s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:06<00:37,  1.16s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.01s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:26,  1.13it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:22,  1.31it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:18,  1.53it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:14,  1.81it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:11,  2.18it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:09,  2.62it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:07,  3.12it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.70it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:04,  4.40it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  6.24it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  8.44it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:09<00:01, 12.58it/s]
slice data vertically and clustering:  79%|███████▉  | 30/38 [00:09<00:00, 24.85it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.80it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+  23.91% :::::::::                                |       22 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  23.91% :::::::::                                |       22 /       92 |      
+  73.91% :::::::::::::::::::::::::::::            |       68 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  41.30% ::::::::::::::::                         |       38 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  23.91% :::::::::                                |       22 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  41.30% ::::::::::::::::                         |       38 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  68.48% :::::::::::::::::::::::::::              |       63 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  41.30% ::::::::::::::::                         |       38 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  68.48% :::::::::::::::::::::::::::              |       63 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  83.70% :::::::::::::::::::::::::::::::::        |       77 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  41.30% ::::::::::::::::                         |       38 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+  68.48% :::::::::::::::::::::::::::              |       63 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  83.70% :::::::::::::::::::::::::::::::::        |       77 /       92 |      
+  84.78% :::::::::::::::::::::::::::::::::        |       78 /       92 |      
+   1.10%                                          |        1 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+  68.48% :::::::::::::::::::::::::::              |       63 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  83.70% :::::::::::::::::::::::::::::::::        |       77 /       92 |      
+  84.78% :::::::::::::::::::::::::::::::::        |       78 /       92 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+  68.48% :::::::::::::::::::::::::::              |       63 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  84.78% :::::::::::::::::::::::::::::::::        |       78 /       92 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  84.78% :::::::::::::::::::::::::::::::::        |       78 /       92 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  84.78% :::::::::::::::::::::::::::::::::        |       78 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  84.78% :::::::::::::::::::::::::::::::::        |       78 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  65.22% ::::::::::::::::::::::::::               |       60 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 96.96it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:01,  4.25it/s]
 38%|███▊      | 3/8 [00:00<00:00,  9.60it/s]
 62%|██████▎   | 5/8 [00:00<00:00, 11.10it/s]
 88%|████████▊ | 7/8 [00:00<00:00, 12.64it/s]
100%|██████████| 8/8 [00:00<00:00, 12.09it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.4/036_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.2/036_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.1/036_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.6/036_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.1/036_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.0/036_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.0/036_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/036/0.0/036_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/037.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/037
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/037.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/037
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.74it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:05,  1.14it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.16s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:04<00:04,  1.14s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:05<00:03,  1.18s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:07<00:02,  1.44s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:02,  2.16s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  2.48s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  1.78s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:14,  2.49it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:01<00:19,  1.83it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:26,  1.32it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:30,  1.11it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:34,  1.05s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:34,  1.07s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.02s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:27,  1.10it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:23,  1.26it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.46it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:15,  1.71it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:12,  2.01it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.42it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.91it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.48it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.15it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  5.89it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  7.96it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:09<00:01, 11.76it/s]
slice data vertically and clustering:  79%|███████▉  | 30/38 [00:10<00:00, 23.36it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.77it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+MMMMMMMMMMMMMMM   1.00%                                          |        1 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      MMMMMMMMMMMMMMM  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  67.00% ::::::::::::::::::::::::::               |       67 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+  86.87% ::::::::::::::::::::::::::::::::::       |       86 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+  86.87% ::::::::::::::::::::::::::::::::::       |       86 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  78.00% :::::::::::::::::::::::::::::::          |       78 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+  86.87% ::::::::::::::::::::::::::::::::::       |       86 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+  86.87% ::::::::::::::::::::::::::::::::::       |       86 /       99 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+  86.87% ::::::::::::::::::::::::::::::::::       |       86 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+  86.87% ::::::::::::::::::::::::::::::::::       |       86 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+  56.00% ::::::::::::::::::::::                   |       56 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  69.00% :::::::::::::::::::::::::::              |       69 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  86.00% ::::::::::::::::::::::::::::::::::       |       86 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 94.11it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  2.85it/s]
100%|██████████| 2/2 [00:00<00:00,  4.97it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/037/0.5/037_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/037/0.2/037_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/040.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/040
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/040.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/040
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.00it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:06,  1.04s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.51s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.82s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.80s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:05,  2.52s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.81s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  3.05s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.39s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/35 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/35 [00:00<00:16,  2.04it/s]
slice data vertically and clustering:   6%|▌         | 2/35 [00:01<00:26,  1.26it/s]
slice data vertically and clustering:   9%|▊         | 3/35 [00:02<00:32,  1.02s/it]
slice data vertically and clustering:  11%|█▏        | 4/35 [00:04<00:36,  1.18s/it]
slice data vertically and clustering:  14%|█▍        | 5/35 [00:05<00:40,  1.36s/it]
slice data vertically and clustering:  17%|█▋        | 6/35 [00:07<00:41,  1.42s/it]
slice data vertically and clustering:  20%|██        | 7/35 [00:08<00:37,  1.36s/it]
slice data vertically and clustering:  23%|██▎       | 8/35 [00:09<00:33,  1.24s/it]
slice data vertically and clustering:  26%|██▌       | 9/35 [00:10<00:28,  1.10s/it]
slice data vertically and clustering:  29%|██▊       | 10/35 [00:10<00:23,  1.07it/s]
slice data vertically and clustering:  31%|███▏      | 11/35 [00:11<00:18,  1.27it/s]
slice data vertically and clustering:  34%|███▍      | 12/35 [00:11<00:15,  1.52it/s]
slice data vertically and clustering:  37%|███▋      | 13/35 [00:12<00:12,  1.81it/s]
slice data vertically and clustering:  40%|████      | 14/35 [00:12<00:09,  2.21it/s]
slice data vertically and clustering:  43%|████▎     | 15/35 [00:12<00:07,  2.68it/s]
slice data vertically and clustering:  46%|████▌     | 16/35 [00:12<00:05,  3.24it/s]
slice data vertically and clustering:  49%|████▊     | 17/35 [00:12<00:04,  3.92it/s]
slice data vertically and clustering:  54%|█████▍    | 19/35 [00:12<00:02,  5.67it/s]
slice data vertically and clustering:  60%|██████    | 21/35 [00:13<00:01,  7.66it/s]
slice data vertically and clustering:  69%|██████▊   | 24/35 [00:13<00:00, 11.41it/s]
slice data vertically and clustering:  89%|████████▊ | 31/35 [00:13<00:00, 22.74it/s]
slice data vertically and clustering: 100%|██████████| 35/35 [00:13<00:00,  2.62it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      108 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      108 |      
+   0.93%                                          |        1 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      MMMMMMMMMMMMMMM   0.93%                                          |        1 /      108 |      
+  62.62% :::::::::::::::::::::::::                |       67 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+  72.90% :::::::::::::::::::::::::::::            |       78 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  73.83% :::::::::::::::::::::::::::::            |       79 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+  72.90% :::::::::::::::::::::::::::::            |       78 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  73.83% :::::::::::::::::::::::::::::            |       79 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  73.83% :::::::::::::::::::::::::::::            |       79 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+  73.83% :::::::::::::::::::::::::::::            |       79 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+   0.93%                                          |        1 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  77.57% :::::::::::::::::::::::::::::::          |       83 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  58.88% :::::::::::::::::::::::                  |       63 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   0.93%                                          |        1 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+  70.09% ::::::::::::::::::::::::::::             |       75 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |       72 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  61.68% ::::::::::::::::::::::::                 |       66 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  69.16% :::::::::::::::::::::::::::              |       74 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+  78.50% :::::::::::::::::::::::::::::::          |       84 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  80.37% ::::::::::::::::::::::::::::::::         |       86 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  71.03% ::::::::::::::::::::::::::::             |       76 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      108 /      108 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/11 [00:00<?, ?it/s]
writing stems to file:  91%|█████████ | 10/11 [00:00<00:00, 98.24it/s]
writing stems to file: 100%|██████████| 11/11 [00:00<00:00, 100.73it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/11 [00:00<?, ?it/s]
  9%|▉         | 1/11 [00:00<00:02,  4.69it/s]
 27%|██▋       | 3/11 [00:00<00:00, 10.25it/s]
 45%|████▌     | 5/11 [00:00<00:00, 12.11it/s]
 64%|██████▎   | 7/11 [00:00<00:00, 12.12it/s]
 91%|█████████ | 10/11 [00:00<00:00, 14.59it/s]
100%|██████████| 11/11 [00:00<00:00, 12.54it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.2/040_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.2/040_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.0/040_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.2/040_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.1/040_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.2/040_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.0/040_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.1/040_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.0/040_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.0/040_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/040/0.0/040_T10.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/041.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/041
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/041.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/041
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:17,  2.48s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:04<00:12,  2.16s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.86s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.79s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:06,  2.16s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.52s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.60s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.81s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.46s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:18,  1.92it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:01<00:25,  1.33it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:02<00:31,  1.04it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:04<00:35,  1.12s/it]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:05<00:39,  1.28s/it]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:06<00:39,  1.30s/it]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:08<00:35,  1.24s/it]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:08<00:31,  1.12s/it]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:09<00:25,  1.05it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:09<00:21,  1.23it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:10<00:17,  1.46it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:10<00:13,  1.74it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:10<00:10,  2.13it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:11<00:08,  2.60it/s]
slice data vertically and clustering:  42%|████▏     | 15/36 [00:11<00:06,  3.19it/s]
slice data vertically and clustering:  44%|████▍     | 16/36 [00:11<00:05,  3.91it/s]
slice data vertically and clustering:  50%|█████     | 18/36 [00:11<00:03,  5.72it/s]
slice data vertically and clustering:  56%|█████▌    | 20/36 [00:11<00:02,  7.79it/s]
slice data vertically and clustering:  64%|██████▍   | 23/36 [00:11<00:01, 11.69it/s]
slice data vertically and clustering:  83%|████████▎ | 30/36 [00:11<00:00, 23.46it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:11<00:00,  3.03it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      MMMMMMMMMMMMMMM  66.34% ::::::::::::::::::::::::::               |       67 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM  66.34% ::::::::::::::::::::::::::               |       67 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  60.40% ::::::::::::::::::::::::                 |       61 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM  66.34% ::::::::::::::::::::::::::               |       67 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  60.40% ::::::::::::::::::::::::                 |       61 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  60.40% ::::::::::::::::::::::::                 |       61 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  60.40% ::::::::::::::::::::::::                 |       61 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  60.40% ::::::::::::::::::::::::                 |       61 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  83.00% :::::::::::::::::::::::::::::::::        |       83 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  60.40% ::::::::::::::::::::::::                 |       61 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.00% ::::::::::::::::::::::::::::             |       70 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  72.28% ::::::::::::::::::::::::::::             |       73 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  72.28% ::::::::::::::::::::::::::::             |       73 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  72.28% ::::::::::::::::::::::::::::             |       73 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  68.32% :::::::::::::::::::::::::::              |       69 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  72.28% ::::::::::::::::::::::::::::             |       73 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  72.28% ::::::::::::::::::::::::::::             |       73 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 79.65it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  2.57it/s]
 33%|███▎      | 2/6 [00:00<00:00,  4.43it/s]
 67%|██████▋   | 4/6 [00:00<00:00,  7.34it/s]
100%|██████████| 6/6 [00:00<00:00,  9.72it/s]
100%|██████████| 6/6 [00:00<00:00,  7.52it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/041/0.0/041_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/041/0.2/041_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/041/0.4/041_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/041/0.2/041_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/041/0.1/041_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/041/0.2/041_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/042.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/042
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/042.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/042
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:07,  1.11s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.49s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:08,  1.69s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.92s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.93s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.11s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.22s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.61s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.17s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:14,  2.53it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:01<00:19,  1.85it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:25,  1.35it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:30,  1.13it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:33,  1.01s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:33,  1.05s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.01s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:27,  1.10it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:23,  1.25it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.44it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:16,  1.67it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:13,  1.96it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.35it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.81it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.36it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.03it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  5.71it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  7.69it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:09<00:01, 11.41it/s]
slice data vertically and clustering:  82%|████████▏ | 31/38 [00:10<00:00, 24.76it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.78it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      MMMMMMMMMMMMMMM   0.96%                                          |        1 /      104 |      
+  57.69% :::::::::::::::::::::::                  |       60 /      104 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      MMMMMMMMMMMMMMM  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  61.17% ::::::::::::::::::::::::                 |       63 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      MMMMMMMMMMMMMMM  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  61.17% ::::::::::::::::::::::::                 |       63 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  61.17% ::::::::::::::::::::::::                 |       63 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  79.61% :::::::::::::::::::::::::::::::          |       82 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  61.17% ::::::::::::::::::::::::                 |       63 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  79.61% :::::::::::::::::::::::::::::::          |       82 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  61.17% ::::::::::::::::::::::::                 |       63 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  79.61% :::::::::::::::::::::::::::::::          |       82 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  79.61% :::::::::::::::::::::::::::::::          |       82 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  79.61% :::::::::::::::::::::::::::::::          |       82 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  79.61% :::::::::::::::::::::::::::::::          |       82 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  84.47% :::::::::::::::::::::::::::::::::        |       87 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/10 [00:00<?, ?it/s]
writing stems to file:  70%|███████   | 7/10 [00:00<00:00, 64.28it/s]
writing stems to file: 100%|██████████| 10/10 [00:00<00:00, 71.83it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/10 [00:00<?, ?it/s]
 10%|█         | 1/10 [00:00<00:01,  4.81it/s]
 20%|██        | 2/10 [00:00<00:01,  6.10it/s]
 40%|████      | 4/10 [00:00<00:00,  8.96it/s]
 60%|██████    | 6/10 [00:00<00:00, 11.70it/s]
 80%|████████  | 8/10 [00:00<00:00, 13.02it/s]
100%|██████████| 10/10 [00:00<00:00, 14.10it/s]
100%|██████████| 10/10 [00:00<00:00, 11.57it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.2/042_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.3/042_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.1/042_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.2/042_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.2/042_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.1/042_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.1/042_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.1/042_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.0/042_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/042/0.0/042_T8.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/043.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/043
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/043.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/043
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:09,  1.35s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.38s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.31s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:05,  1.45s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.69s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.01s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.69s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.87s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.22s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:17,  2.15it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:29,  1.27it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:03<00:40,  1.13s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:49,  1.43s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:06<00:55,  1.63s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:08<00:50,  1.54s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:09<00:44,  1.38s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:10<00:37,  1.22s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:10<00:30,  1.01s/it]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:11<00:24,  1.20it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:11<00:19,  1.47it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:11<00:14,  1.84it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:11<00:11,  2.29it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:12<00:08,  2.82it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:12<00:06,  3.46it/s]
slice data vertically and clustering:  41%|████      | 16/39 [00:12<00:05,  4.31it/s]
slice data vertically and clustering:  46%|████▌     | 18/39 [00:12<00:03,  6.18it/s]
slice data vertically and clustering:  51%|█████▏    | 20/39 [00:12<00:02,  8.36it/s]
slice data vertically and clustering:  59%|█████▉    | 23/39 [00:12<00:01, 12.39it/s]
slice data vertically and clustering:  77%|███████▋  | 30/39 [00:12<00:00, 24.38it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:12<00:00,  3.04it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM  68.48% :::::::::::::::::::::::::::              |       63 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  91.21% ::::::::::::::::::::::::::::::::::::     |       83 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  91.21% ::::::::::::::::::::::::::::::::::::     |       83 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  91.21% ::::::::::::::::::::::::::::::::::::     |       83 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  92.39% ::::::::::::::::::::::::::::::::::::     |       85 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  92.39% ::::::::::::::::::::::::::::::::::::     |       85 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  92.39% ::::::::::::::::::::::::::::::::::::     |       85 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  90.11% ::::::::::::::::::::::::::::::::::::     |       82 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  92.39% ::::::::::::::::::::::::::::::::::::     |       85 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  92.39% ::::::::::::::::::::::::::::::::::::     |       85 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  92.39% ::::::::::::::::::::::::::::::::::::     |       85 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  30.43% ::::::::::::                             |       28 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 98.69it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:02,  2.60it/s]
 38%|███▊      | 3/8 [00:00<00:00,  6.97it/s]
 62%|██████▎   | 5/8 [00:00<00:00,  9.58it/s]
 88%|████████▊ | 7/8 [00:00<00:00, 12.18it/s]
100%|██████████| 8/8 [00:00<00:00, 10.47it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.1/043_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.0/043_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.1/043_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.2/043_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.2/043_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.0/043_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.1/043_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/043/0.0/043_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/044.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/044
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/044.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/044
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:03,  1.78it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:04,  1.43it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.18s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.60s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.86s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.10s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:12<00:02,  2.28s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.54s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.00s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:12,  2.93it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:18,  1.95it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:01<00:25,  1.38it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:29,  1.14it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:33,  1.01s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:33,  1.04s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.00s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:26,  1.11it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:22,  1.27it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.45it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:15,  1.70it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:13,  1.99it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:08<00:10,  2.39it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.86it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.44it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.15it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  5.90it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  8.01it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:09<00:01, 11.92it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:09<00:00,  3.85it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      MMMMMMMMMMMMMMM   0.97%                                          |        1 /      103 |      
+  57.28% ::::::::::::::::::::::                   |       59 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      MMMMMMMMMMMMMMM  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  57.28% ::::::::::::::::::::::                   |       59 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+  84.31% :::::::::::::::::::::::::::::::::        |       86 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  57.28% ::::::::::::::::::::::                   |       59 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+  84.31% :::::::::::::::::::::::::::::::::        |       86 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+  84.31% :::::::::::::::::::::::::::::::::        |       86 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  80.39% ::::::::::::::::::::::::::::::::         |       82 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  66.02% ::::::::::::::::::::::::::               |       68 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 96.37it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:02,  2.83it/s]
 25%|██▌       | 2/8 [00:00<00:01,  4.67it/s]
 50%|█████     | 4/8 [00:00<00:00,  7.19it/s]
 75%|███████▌  | 6/8 [00:00<00:00,  8.51it/s]
100%|██████████| 8/8 [00:00<00:00,  8.98it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.2/044_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.2/044_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.1/044_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.0/044_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.1/044_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.1/044_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.0/044_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/044/0.0/044_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/045.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/045
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/045.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/045
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:10,  1.47s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.45s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:06,  1.33s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.12s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:07,  2.37s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.35s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.59s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.73s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.33s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/34 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/34 [00:00<00:15,  2.15it/s]
slice data vertically and clustering:   6%|▌         | 2/34 [00:01<00:19,  1.62it/s]
slice data vertically and clustering:   9%|▉         | 3/34 [00:02<00:25,  1.22it/s]
slice data vertically and clustering:  12%|█▏        | 4/34 [00:03<00:29,  1.02it/s]
slice data vertically and clustering:  15%|█▍        | 5/34 [00:04<00:32,  1.14s/it]
slice data vertically and clustering:  18%|█▊        | 6/34 [00:06<00:32,  1.17s/it]
slice data vertically and clustering:  21%|██        | 7/34 [00:07<00:29,  1.11s/it]
slice data vertically and clustering:  24%|██▎       | 8/34 [00:07<00:25,  1.03it/s]
slice data vertically and clustering:  26%|██▋       | 9/34 [00:08<00:20,  1.20it/s]
slice data vertically and clustering:  29%|██▉       | 10/34 [00:08<00:17,  1.41it/s]
slice data vertically and clustering:  32%|███▏      | 11/34 [00:09<00:13,  1.67it/s]
slice data vertically and clustering:  35%|███▌      | 12/34 [00:09<00:10,  2.02it/s]
slice data vertically and clustering:  38%|███▊      | 13/34 [00:09<00:08,  2.43it/s]
slice data vertically and clustering:  41%|████      | 14/34 [00:09<00:06,  2.95it/s]
slice data vertically and clustering:  44%|████▍     | 15/34 [00:09<00:05,  3.58it/s]
slice data vertically and clustering:  47%|████▋     | 16/34 [00:09<00:04,  4.41it/s]
slice data vertically and clustering:  53%|█████▎    | 18/34 [00:10<00:02,  6.32it/s]
slice data vertically and clustering:  59%|█████▉    | 20/34 [00:10<00:01,  8.53it/s]
slice data vertically and clustering:  71%|███████   | 24/34 [00:10<00:00, 14.18it/s]
slice data vertically and clustering: 100%|██████████| 34/34 [00:10<00:00,  3.26it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+MMMMMMMMMMMMMMM   1.10%                                          |        1 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      MMMMMMMMMMMMMMM  74.73% :::::::::::::::::::::::::::::            |       68 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+  94.44% :::::::::::::::::::::::::::::::::::::    |       85 /       90 |      
+  92.22% ::::::::::::::::::::::::::::::::::::     |       83 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  96.67% ::::::::::::::::::::::::::::::::::::::   |       87 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+  94.44% :::::::::::::::::::::::::::::::::::::    |       85 /       90 |      
+  92.22% ::::::::::::::::::::::::::::::::::::     |       83 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  96.67% ::::::::::::::::::::::::::::::::::::::   |       87 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+  94.44% :::::::::::::::::::::::::::::::::::::    |       85 /       90 |      
+  92.22% ::::::::::::::::::::::::::::::::::::     |       83 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+  94.44% :::::::::::::::::::::::::::::::::::::    |       85 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  77.78% :::::::::::::::::::::::::::::::          |       70 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       81 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  87.91% :::::::::::::::::::::::::::::::::::      |       80 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+  63.74% :::::::::::::::::::::::::                |       58 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  93.33% :::::::::::::::::::::::::::::::::::::    |       84 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 97.61it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  2.99it/s]
 67%|██████▋   | 4/6 [00:00<00:00,  9.75it/s]
100%|██████████| 6/6 [00:00<00:00, 11.69it/s]
100%|██████████| 6/6 [00:00<00:00,  9.88it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/045/0.3/045_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/045/0.2/045_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/045/0.0/045_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/045/0.3/045_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/045/0.1/045_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/045/0.1/045_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/046.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/046
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/046.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/046
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.04it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:12,  2.14s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:06<00:11,  2.22s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:08<00:09,  2.43s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:11<00:07,  2.56s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:14<00:05,  2.55s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:17<00:02,  2.74s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:21<00:00,  3.08s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:21<00:00,  2.66s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/35 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/35 [00:00<00:18,  1.87it/s]
slice data vertically and clustering:   6%|▌         | 2/35 [00:01<00:27,  1.22it/s]
slice data vertically and clustering:   9%|▊         | 3/35 [00:02<00:34,  1.08s/it]
slice data vertically and clustering:  11%|█▏        | 4/35 [00:04<00:39,  1.26s/it]
slice data vertically and clustering:  14%|█▍        | 5/35 [00:06<00:42,  1.43s/it]
slice data vertically and clustering:  17%|█▋        | 6/35 [00:07<00:41,  1.44s/it]
slice data vertically and clustering:  20%|██        | 7/35 [00:08<00:38,  1.36s/it]
slice data vertically and clustering:  23%|██▎       | 8/35 [00:09<00:33,  1.24s/it]
slice data vertically and clustering:  26%|██▌       | 9/35 [00:10<00:27,  1.06s/it]
slice data vertically and clustering:  29%|██▊       | 10/35 [00:11<00:22,  1.11it/s]
slice data vertically and clustering:  31%|███▏      | 11/35 [00:11<00:18,  1.32it/s]
slice data vertically and clustering:  34%|███▍      | 12/35 [00:11<00:14,  1.57it/s]
slice data vertically and clustering:  37%|███▋      | 13/35 [00:12<00:11,  1.87it/s]
slice data vertically and clustering:  40%|████      | 14/35 [00:12<00:09,  2.29it/s]
slice data vertically and clustering:  43%|████▎     | 15/35 [00:12<00:07,  2.80it/s]
slice data vertically and clustering:  46%|████▌     | 16/35 [00:12<00:05,  3.40it/s]
slice data vertically and clustering:  49%|████▊     | 17/35 [00:12<00:04,  4.13it/s]
slice data vertically and clustering:  54%|█████▍    | 19/35 [00:12<00:02,  5.99it/s]
slice data vertically and clustering:  60%|██████    | 21/35 [00:13<00:01,  8.10it/s]
slice data vertically and clustering:  69%|██████▊   | 24/35 [00:13<00:00, 12.06it/s]
slice data vertically and clustering:  91%|█████████▏| 32/35 [00:13<00:00, 26.03it/s]
slice data vertically and clustering: 100%|██████████| 35/35 [00:13<00:00,  2.63it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+MMMMMMMMMMMMMMM   0.95%                                          |        1 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      MMMMMMMMMMMMMMM  53.33% :::::::::::::::::::::                    |       56 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  57.69% :::::::::::::::::::::::                  |       60 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+   0.96%                                          |        1 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  79.81% :::::::::::::::::::::::::::::::          |       83 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  57.69% :::::::::::::::::::::::                  |       60 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  79.81% :::::::::::::::::::::::::::::::          |       83 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  79.81% :::::::::::::::::::::::::::::::          |       83 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  79.81% :::::::::::::::::::::::::::::::          |       83 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  79.81% :::::::::::::::::::::::::::::::          |       83 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  74.04% :::::::::::::::::::::::::::::            |       77 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  67.31% ::::::::::::::::::::::::::               |       70 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  75.96% ::::::::::::::::::::::::::::::           |       79 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  59.62% :::::::::::::::::::::::                  |       62 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/11 [00:00<?, ?it/s]
writing stems to file:  64%|██████▎   | 7/11 [00:00<00:00, 65.19it/s]
writing stems to file: 100%|██████████| 11/11 [00:00<00:00, 77.01it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/11 [00:00<?, ?it/s]
  9%|▉         | 1/11 [00:00<00:02,  4.50it/s]
 18%|█▊        | 2/11 [00:00<00:01,  6.13it/s]
 36%|███▋      | 4/11 [00:00<00:00, 10.09it/s]
 55%|█████▍    | 6/11 [00:00<00:00,  8.29it/s]
 73%|███████▎  | 8/11 [00:00<00:00,  8.53it/s]
 82%|████████▏ | 9/11 [00:01<00:00,  8.61it/s]
100%|██████████| 11/11 [00:01<00:00,  9.56it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.2/046_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.6/046_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.2/046_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.0/046_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.1/046_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.0/046_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.1/046_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.2/046_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.0/046_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.0/046_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/046/0.0/046_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/047.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/047
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/047.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/047
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:16,  2.33s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:04<00:12,  2.00s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:08,  1.77s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.86s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.87s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.06s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.39s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.59s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.25s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:13,  2.75it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:24,  1.54it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:38,  1.07s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:47,  1.36s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:06<00:53,  1.57s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:07<00:48,  1.48s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:08<00:42,  1.32s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:09<00:34,  1.12s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:10<00:27,  1.08it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:10<00:21,  1.34it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:10<00:16,  1.69it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:10<00:12,  2.12it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:10<00:09,  2.65it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:11<00:07,  3.28it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:11<00:05,  4.09it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:11<00:03,  5.90it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:11<00:02,  7.96it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:11<00:01, 11.76it/s]
slice data vertically and clustering:  72%|███████▏  | 28/39 [00:11<00:00, 21.57it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:11<00:00,  3.32it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+MMMMMMMMMMMMMMM   1.12%                                          |        1 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      MMMMMMMMMMMMMMM   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  37.50% :::::::::::::::                          |       33 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  83.15% :::::::::::::::::::::::::::::::::        |       74 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+  79.55% :::::::::::::::::::::::::::::::          |       70 /       88 |      
+  37.50% :::::::::::::::                          |       33 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  83.15% :::::::::::::::::::::::::::::::::        |       74 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+  79.55% :::::::::::::::::::::::::::::::          |       70 /       88 |      
+  37.50% :::::::::::::::                          |       33 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  83.15% :::::::::::::::::::::::::::::::::        |       74 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+  79.55% :::::::::::::::::::::::::::::::          |       70 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  83.15% :::::::::::::::::::::::::::::::::        |       74 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  69.32% :::::::::::::::::::::::::::              |       61 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  88.76% :::::::::::::::::::::::::::::::::::      |       79 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  43.18% :::::::::::::::::                        |       38 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 95.80it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  2.59it/s]
 50%|█████     | 3/6 [00:00<00:00,  6.64it/s]
100%|██████████| 6/6 [00:00<00:00, 10.65it/s]
100%|██████████| 6/6 [00:00<00:00,  8.60it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/047/0.2/047_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/047/0.2/047_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/047/0.2/047_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/047/0.0/047_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/047/0.0/047_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/047/0.0/047_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/062.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/062
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/062.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/062
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.15it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:12,  2.02s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.87s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.78s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.13s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.49s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.69s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.74s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.37s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:16,  2.14it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:01<00:22,  1.53it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:02<00:29,  1.13it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:03<00:33,  1.05s/it]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:05<00:38,  1.23s/it]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:06<00:37,  1.26s/it]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:07<00:34,  1.20s/it]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:08<00:29,  1.04s/it]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:08<00:24,  1.12it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:09<00:19,  1.32it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:09<00:15,  1.58it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:10<00:12,  1.87it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:10<00:10,  2.29it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:10<00:07,  2.82it/s]
slice data vertically and clustering:  42%|████▏     | 15/36 [00:10<00:06,  3.47it/s]
slice data vertically and clustering:  47%|████▋     | 17/36 [00:10<00:03,  5.17it/s]
slice data vertically and clustering:  53%|█████▎    | 19/36 [00:10<00:02,  7.15it/s]
slice data vertically and clustering:  61%|██████    | 22/36 [00:10<00:01, 10.88it/s]
slice data vertically and clustering:  81%|████████  | 29/36 [00:11<00:00, 22.04it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:11<00:00,  3.25it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      MMMMMMMMMMMMMMM   1.08%                                          |        1 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      MMMMMMMMMMMMMMM   1.08%                                          |        1 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+  79.35% :::::::::::::::::::::::::::::::          |       73 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+  79.35% :::::::::::::::::::::::::::::::          |       73 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+  79.35% :::::::::::::::::::::::::::::::          |       73 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+  79.35% :::::::::::::::::::::::::::::::          |       73 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  85.87% ::::::::::::::::::::::::::::::::::       |       79 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  81.72% ::::::::::::::::::::::::::::::::         |       76 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  69.89% :::::::::::::::::::::::::::              |       65 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 79.33it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 79.17it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:02,  2.67it/s]
 38%|███▊      | 3/8 [00:00<00:00,  7.16it/s]
 75%|███████▌  | 6/8 [00:00<00:00, 11.57it/s]
100%|██████████| 8/8 [00:00<00:00, 10.92it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.3/062_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.3/062_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.1/062_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.1/062_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.0/062_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.1/062_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.3/062_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/062/0.1/062_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/063.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/063
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/063.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/063
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:08,  1.18s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:09,  1.52s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.98s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:08<00:09,  2.35s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:11<00:07,  2.49s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.52s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:17<00:02,  2.80s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.95s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.54s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:17,  2.02it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:01<00:25,  1.32it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:02<00:31,  1.04it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:03<00:35,  1.12s/it]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:05<00:39,  1.28s/it]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:06<00:39,  1.30s/it]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:08<00:35,  1.24s/it]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:08<00:31,  1.12s/it]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:09<00:25,  1.04it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:09<00:21,  1.23it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:10<00:17,  1.46it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:10<00:13,  1.74it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:10<00:10,  2.13it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:11<00:08,  2.60it/s]
slice data vertically and clustering:  42%|████▏     | 15/36 [00:11<00:06,  3.19it/s]
slice data vertically and clustering:  44%|████▍     | 16/36 [00:11<00:05,  3.91it/s]
slice data vertically and clustering:  50%|█████     | 18/36 [00:11<00:03,  5.77it/s]
slice data vertically and clustering:  56%|█████▌    | 20/36 [00:11<00:02,  7.88it/s]
slice data vertically and clustering:  64%|██████▍   | 23/36 [00:11<00:01, 11.83it/s]
slice data vertically and clustering:  83%|████████▎ | 30/36 [00:11<00:00, 23.78it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:11<00:00,  3.03it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+MMMMMMMMMMMMMMM   1.01%                                          |        1 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      MMMMMMMMMMMMMMM  47.47% ::::::::::::::::::                       |       47 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  86.73% ::::::::::::::::::::::::::::::::::       |       85 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  86.73% ::::::::::::::::::::::::::::::::::       |       85 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  86.73% ::::::::::::::::::::::::::::::::::       |       85 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  59.18% :::::::::::::::::::::::                  |       58 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  71.72% ::::::::::::::::::::::::::::             |       71 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+  60.20% ::::::::::::::::::::::::                 |       59 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/13 [00:00<?, ?it/s]
writing stems to file:  46%|████▌     | 6/13 [00:00<00:00, 55.93it/s]
writing stems to file: 100%|██████████| 13/13 [00:00<00:00, 74.57it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/13 [00:00<?, ?it/s]
  8%|▊         | 1/13 [00:00<00:05,  2.27it/s]
 15%|█▌        | 2/13 [00:00<00:02,  4.15it/s]
 31%|███       | 4/13 [00:00<00:01,  6.20it/s]
 46%|████▌     | 6/13 [00:00<00:00,  8.61it/s]
 62%|██████▏   | 8/13 [00:01<00:00,  9.27it/s]
 77%|███████▋  | 10/13 [00:01<00:00,  9.29it/s]
 92%|█████████▏| 12/13 [00:01<00:00, 11.34it/s]
100%|██████████| 13/13 [00:01<00:00,  8.25it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.8/063_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.3/063_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.1/063_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.2/063_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.0/063_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.2/063_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.3/063_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.1/063_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.1/063_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.3/063_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.0/063_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.1/063_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/063/0.0/063_T11.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/070.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/070
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/070.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/070
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:08,  1.19s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.29s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.57s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.50s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:04,  1.63s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.01s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.21s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.47s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.01s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:10,  3.41it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:17,  2.07it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:01<00:24,  1.43it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:02<00:29,  1.16it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:32,  1.01it/s]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:32,  1.02s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:30,  1.03it/s]
slice data vertically and clustering:  21%|██        | 8/38 [00:06<00:26,  1.15it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:21,  1.33it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:07<00:18,  1.53it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:15,  1.80it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:12,  2.17it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:08<00:09,  2.61it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:08<00:07,  3.12it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:08<00:06,  3.75it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:08<00:04,  4.60it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  6.56it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  8.94it/s]
slice data vertically and clustering:  63%|██████▎   | 24/38 [00:09<00:00, 14.68it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:09<00:00,  4.05it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      MMMMMMMMMMMMMMM  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+  89.01% :::::::::::::::::::::::::::::::::::      |       81 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+  89.01% :::::::::::::::::::::::::::::::::::      |       81 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       78 /       91 |      
+  89.01% :::::::::::::::::::::::::::::::::::      |       81 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  89.01% :::::::::::::::::::::::::::::::::::      |       81 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  89.01% :::::::::::::::::::::::::::::::::::      |       81 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  89.01% :::::::::::::::::::::::::::::::::::      |       81 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  70.65% ::::::::::::::::::::::::::::             |       65 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  78.26% :::::::::::::::::::::::::::::::          |       72 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  60.87% ::::::::::::::::::::::::                 |       56 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 115.72it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  3.26it/s]
 50%|█████     | 3/6 [00:00<00:00,  8.29it/s]
 83%|████████▎ | 5/6 [00:00<00:00,  9.63it/s]
100%|██████████| 6/6 [00:00<00:00,  8.05it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/070/0.2/070_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/070/0.0/070_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/070/0.0/070_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/070/0.0/070_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/070/0.0/070_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/070/0.0/070_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/071.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/071
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/071.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/071
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:08,  1.19s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.18s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.12s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.52s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.82s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.01s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.28s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.52s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.02s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:15,  2.39it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:01<00:20,  1.73it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:27,  1.28it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:31,  1.07it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:35,  1.07s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:35,  1.10s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:32,  1.04s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:27,  1.09it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:23,  1.25it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.45it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:15,  1.70it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:12,  2.01it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.42it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.91it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.51it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.24it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  6.04it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  8.16it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:10<00:01, 12.10it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.75it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+MMMMMMMMMMMMMMM   0.97%                                          |        1 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      MMMMMMMMMMMMMMM   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  67.96% :::::::::::::::::::::::::::              |       70 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+  71.84% ::::::::::::::::::::::::::::             |       74 /      103 |      
+  65.05% ::::::::::::::::::::::::::               |       67 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+   0.98%                                          |        1 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  67.96% :::::::::::::::::::::::::::              |       70 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+  71.84% ::::::::::::::::::::::::::::             |       74 /      103 |      
+  65.05% ::::::::::::::::::::::::::               |       67 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  67.96% :::::::::::::::::::::::::::              |       70 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  65.05% ::::::::::::::::::::::::::               |       67 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  67.96% :::::::::::::::::::::::::::              |       70 /      103 |      
+  53.40% :::::::::::::::::::::                    |       55 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  65.05% ::::::::::::::::::::::::::               |       67 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  67.96% :::::::::::::::::::::::::::              |       70 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  65.05% ::::::::::::::::::::::::::               |       67 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  67.96% :::::::::::::::::::::::::::              |       70 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  75.49% ::::::::::::::::::::::::::::::           |       77 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  72.82% :::::::::::::::::::::::::::::            |       75 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  66.99% ::::::::::::::::::::::::::               |       69 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  82.35% ::::::::::::::::::::::::::::::::         |       84 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+  60.19% ::::::::::::::::::::::::                 |       62 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  69.90% :::::::::::::::::::::::::::              |       72 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  75.73% ::::::::::::::::::::::::::::::           |       78 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 106.21it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  2.83it/s]
100%|██████████| 2/2 [00:00<00:00,  5.02it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/071/0.1/071_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/071/0.1/071_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/074.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/074
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/074.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/074
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.74it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:05,  1.14it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:09,  1.86s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.24s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:07,  2.38s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.55s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.75s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.13s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.51s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:16,  2.16it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:01<00:21,  1.57it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:02<00:28,  1.15it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:03<00:33,  1.05s/it]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:05<00:37,  1.22s/it]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:06<00:37,  1.24s/it]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:07<00:34,  1.18s/it]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:08<00:28,  1.03s/it]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:08<00:23,  1.14it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:09<00:19,  1.36it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:09<00:15,  1.63it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:09<00:12,  1.99it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:09<00:09,  2.44it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:10<00:07,  3.02it/s]
slice data vertically and clustering:  42%|████▏     | 15/36 [00:10<00:05,  3.81it/s]
slice data vertically and clustering:  47%|████▋     | 17/36 [00:10<00:03,  5.71it/s]
slice data vertically and clustering:  56%|█████▌    | 20/36 [00:10<00:01,  9.06it/s]
slice data vertically and clustering:  69%|██████▉   | 25/36 [00:10<00:00, 15.85it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:10<00:00,  3.36it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      
+   0.00%                                          |        0 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+  67.86% :::::::::::::::::::::::::::              |       57 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+  67.86% :::::::::::::::::::::::::::              |       57 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+   1.20%                                          |        1 /       83 |      
+  80.72% ::::::::::::::::::::::::::::::::         |       67 /       83 |      
+   1.20%                                          |        1 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+   1.20%                                          |        1 /       83 |      
+   1.20%                                          |        1 /       83 |      
+  98.80% :::::::::::::::::::::::::::::::::::::::  |       82 /       83 |      
+  98.80% :::::::::::::::::::::::::::::::::::::::  |       82 /       83 |      
+   1.20%                                          |        1 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+  67.86% :::::::::::::::::::::::::::              |       57 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+   1.20%                                          |        1 /       83 |      
+  80.72% ::::::::::::::::::::::::::::::::         |       67 /       83 |      
+   1.20%                                          |        1 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+   1.20%                                          |        1 /       83 |      
+  98.80% :::::::::::::::::::::::::::::::::::::::  |       82 /       83 |      
+  98.80% :::::::::::::::::::::::::::::::::::::::  |       82 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+  67.86% :::::::::::::::::::::::::::              |       57 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+   1.20%                                          |        1 /       83 |      
+  80.72% ::::::::::::::::::::::::::::::::         |       67 /       83 |      
+   1.20%                                          |        1 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+   1.20%                                          |        1 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  98.80% :::::::::::::::::::::::::::::::::::::::  |       82 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+   1.20%                                          |        1 /       83 |      
+  80.72% ::::::::::::::::::::::::::::::::         |       67 /       83 |      
+  95.18% ::::::::::::::::::::::::::::::::::::::   |       79 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  98.80% :::::::::::::::::::::::::::::::::::::::  |       82 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+  80.72% ::::::::::::::::::::::::::::::::         |       67 /       83 |      
+  95.18% ::::::::::::::::::::::::::::::::::::::   |       79 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  95.18% ::::::::::::::::::::::::::::::::::::::   |       79 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  95.18% ::::::::::::::::::::::::::::::::::::::   |       79 /       83 |      
+  79.52% :::::::::::::::::::::::::::::::          |       66 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  95.18% ::::::::::::::::::::::::::::::::::::::   |       79 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+  87.95% :::::::::::::::::::::::::::::::::::      |       73 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+  90.36% ::::::::::::::::::::::::::::::::::::     |       75 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  88.10% :::::::::::::::::::::::::::::::::::      |       74 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/12 [00:00<?, ?it/s]
writing stems to file:  67%|██████▋   | 8/12 [00:00<00:00, 75.86it/s]
writing stems to file: 100%|██████████| 12/12 [00:00<00:00, 88.17it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/12 [00:00<?, ?it/s]
  8%|▊         | 1/12 [00:00<00:04,  2.43it/s]
 25%|██▌       | 3/12 [00:00<00:01,  6.38it/s]
 42%|████▏     | 5/12 [00:00<00:00,  9.40it/s]
 58%|█████▊    | 7/12 [00:00<00:00, 11.44it/s]
 75%|███████▌  | 9/12 [00:00<00:00, 13.09it/s]
 92%|█████████▏| 11/12 [00:01<00:00, 10.72it/s]
100%|██████████| 12/12 [00:01<00:00,  9.67it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.4/074_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.1/074_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.0/074_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.3/074_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.1/074_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.0/074_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.3/074_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.1/074_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.3/074_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.0/074_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.0/074_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/074/0.0/074_T11.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/085.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/085
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/085.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/085
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:09,  1.40s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.37s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.46s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.86s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:07,  2.56s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.51s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.61s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.86s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.40s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:09,  3.63it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:00<00:14,  2.39it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:01<00:18,  1.79it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:02<00:23,  1.39it/s]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:03<00:26,  1.15it/s]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:04<00:27,  1.11it/s]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:05<00:24,  1.20it/s]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:05<00:20,  1.34it/s]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:06<00:17,  1.53it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:06<00:14,  1.78it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:06<00:11,  2.15it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:07<00:09,  2.60it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:07<00:07,  3.16it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:07<00:05,  3.84it/s]
slice data vertically and clustering:  44%|████▍     | 16/36 [00:07<00:03,  5.55it/s]
slice data vertically and clustering:  50%|█████     | 18/36 [00:07<00:02,  7.61it/s]
slice data vertically and clustering:  58%|█████▊    | 21/36 [00:07<00:01, 11.34it/s]
slice data vertically and clustering:  72%|███████▏  | 26/36 [00:07<00:00, 18.95it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:07<00:00,  4.52it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      MMMMMMMMMMMMMMM   1.32%                                          |        1 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  80.26% ::::::::::::::::::::::::::::::::         |       61 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  80.26% ::::::::::::::::::::::::::::::::         |       61 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+  97.33% ::::::::::::::::::::::::::::::::::::::   |       73 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  78.95% :::::::::::::::::::::::::::::::          |       60 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  78.67% :::::::::::::::::::::::::::::::          |       59 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM  97.37% ::::::::::::::::::::::::::::::::::::::   |       74 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  98.68% :::::::::::::::::::::::::::::::::::::::  |       75 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  93.42% :::::::::::::::::::::::::::::::::::::    |       71 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/4 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 4/4 [00:00<00:00, 112.19it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:00<00:01,  2.81it/s]
 75%|███████▌  | 3/4 [00:00<00:00,  5.61it/s]
100%|██████████| 4/4 [00:00<00:00,  5.91it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/085/0.3/085_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/085/0.1/085_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/085/0.0/085_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/085/0.2/085_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/098.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/098
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/098.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/098
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:10,  1.45s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.42s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.27s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.05s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.98s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.38s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.43s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.62s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.22s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:10,  3.26it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:00<00:16,  2.07it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:01<00:21,  1.55it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:02<00:26,  1.22it/s]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:04<00:30,  1.03it/s]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:05<00:30,  1.00s/it]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:05<00:26,  1.10it/s]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:06<00:22,  1.26it/s]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:06<00:18,  1.47it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:07<00:14,  1.73it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:07<00:11,  2.11it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:07<00:09,  2.56it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:07<00:07,  3.14it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:07<00:05,  3.85it/s]
slice data vertically and clustering:  44%|████▍     | 16/36 [00:08<00:03,  5.69it/s]
slice data vertically and clustering:  53%|█████▎    | 19/36 [00:08<00:01,  8.98it/s]
slice data vertically and clustering:  64%|██████▍   | 23/36 [00:08<00:00, 14.25it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:08<00:00,  4.29it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      MMMMMMMMMMMMMMM   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  52.87% :::::::::::::::::::::                    |       46 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM  82.76% :::::::::::::::::::::::::::::::::        |       72 /       87 |      
+  73.56% :::::::::::::::::::::::::::::            |       64 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.16%                                          |        1 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  72.09% ::::::::::::::::::::::::::::             |       62 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  73.56% :::::::::::::::::::::::::::::            |       64 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+   1.16%                                          |        1 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  72.09% ::::::::::::::::::::::::::::             |       62 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+  98.84% :::::::::::::::::::::::::::::::::::::::  |       85 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  77.01% ::::::::::::::::::::::::::::::           |       67 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  72.09% ::::::::::::::::::::::::::::             |       62 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+  98.84% :::::::::::::::::::::::::::::::::::::::  |       85 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  72.09% ::::::::::::::::::::::::::::             |       62 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+  98.84% :::::::::::::::::::::::::::::::::::::::  |       85 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+  98.84% :::::::::::::::::::::::::::::::::::::::  |       85 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+  98.84% :::::::::::::::::::::::::::::::::::::::  |       85 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+   1.16%                                          |        1 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  88.37% :::::::::::::::::::::::::::::::::::      |       76 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+  77.91% :::::::::::::::::::::::::::::::          |       67 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  93.02% :::::::::::::::::::::::::::::::::::::    |       80 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  86.05% ::::::::::::::::::::::::::::::::::       |       74 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  95.35% ::::::::::::::::::::::::::::::::::::::   |       82 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+  91.86% ::::::::::::::::::::::::::::::::::::     |       79 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.72% :::::::::::::::::::::::::::::::::        |       72 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/4 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 4/4 [00:00<00:00, 109.35it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:00<00:00,  4.14it/s]
 75%|███████▌  | 3/4 [00:00<00:00,  8.26it/s]
100%|██████████| 4/4 [00:00<00:00,  9.62it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/098/0.1/098_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/098/0.1/098_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/098/0.2/098_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/098/0.1/098_T2.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/104.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/104
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/104.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/104
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.15it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:05,  1.12it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:02<00:04,  1.16it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:03<00:04,  1.06s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:05<00:03,  1.07s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:08<00:03,  1.82s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:02,  2.19s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  2.57s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  1.83s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:16,  2.14it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:01<00:21,  1.56it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:02<00:28,  1.16it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:03<00:32,  1.02s/it]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:05<00:36,  1.19s/it]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:06<00:36,  1.22s/it]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:07<00:33,  1.16s/it]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:08<00:28,  1.01s/it]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:08<00:23,  1.16it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:09<00:18,  1.38it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:09<00:15,  1.64it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:09<00:11,  2.01it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:09<00:09,  2.46it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:10<00:07,  3.02it/s]
slice data vertically and clustering:  42%|████▏     | 15/36 [00:10<00:05,  3.73it/s]
slice data vertically and clustering:  47%|████▋     | 17/36 [00:10<00:03,  5.56it/s]
slice data vertically and clustering:  53%|█████▎    | 19/36 [00:10<00:02,  7.67it/s]
slice data vertically and clustering:  61%|██████    | 22/36 [00:10<00:01, 11.67it/s]
slice data vertically and clustering:  86%|████████▌ | 31/36 [00:10<00:00, 27.57it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:10<00:00,  3.40it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      MMMMMMMMMMMMMMM   1.02%                                          |        1 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  78.57% :::::::::::::::::::::::::::::::          |       77 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  79.38% :::::::::::::::::::::::::::::::          |       77 /       97 |      MMMMMMMMMMMMMMM  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  79.38% :::::::::::::::::::::::::::::::          |       77 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  79.38% :::::::::::::::::::::::::::::::          |       77 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  79.38% :::::::::::::::::::::::::::::::          |       77 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  86.60% ::::::::::::::::::::::::::::::::::       |       84 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  54.08% :::::::::::::::::::::                    |       53 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 100.87it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:00,  7.11it/s]
 60%|██████    | 3/5 [00:00<00:00, 11.80it/s]
100%|██████████| 5/5 [00:00<00:00, 14.14it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/104/0.1/104_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/104/0.3/104_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/104/0.2/104_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/104/0.0/104_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/104/0.0/104_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/125.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/125
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/125.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/125
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.40it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.19it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:01<00:02,  1.93it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:02<00:02,  1.45it/s]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:03<00:02,  1.07it/s]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:05<00:02,  1.15s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:07<00:01,  1.54s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:09<00:00,  1.62s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:09<00:00,  1.19s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:06,  5.03it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:00<00:09,  3.69it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:00<00:12,  2.73it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:01<00:14,  2.14it/s]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:02<00:16,  1.83it/s]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:02<00:16,  1.78it/s]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:03<00:15,  1.89it/s]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:03<00:13,  2.12it/s]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:03<00:10,  2.49it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:04<00:08,  2.95it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:04<00:07,  3.53it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:04<00:05,  4.19it/s]
slice data vertically and clustering:  36%|███▌      | 13/36 [00:04<00:04,  5.05it/s]
slice data vertically and clustering:  42%|████▏     | 15/36 [00:04<00:02,  7.20it/s]
slice data vertically and clustering:  50%|█████     | 18/36 [00:04<00:01, 11.21it/s]
slice data vertically and clustering:  67%|██████▋   | 24/36 [00:04<00:00, 21.26it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:04<00:00,  7.26it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  81.01% ::::::::::::::::::::::::::::::::         |       64 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  81.01% ::::::::::::::::::::::::::::::::         |       64 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   0.00%                                          |        0 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  81.01% ::::::::::::::::::::::::::::::::         |       64 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   0.00%                                          |        0 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  81.01% ::::::::::::::::::::::::::::::::         |       64 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   0.00%                                          |        0 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   0.00%                                          |        0 /       78 |      MMMMMMMMMMMMMMM  88.61% :::::::::::::::::::::::::::::::::::      |       70 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  81.01% ::::::::::::::::::::::::::::::::         |       64 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  81.01% ::::::::::::::::::::::::::::::::         |       64 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+   1.28%                                          |        1 /       78 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+   1.28%                                          |        1 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  84.81% :::::::::::::::::::::::::::::::::        |       67 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       78 /       78 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/9 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 9/9 [00:00<00:00, 122.41it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/9 [00:00<?, ?it/s]
 11%|█         | 1/9 [00:00<00:01,  4.21it/s]
 44%|████▍     | 4/9 [00:00<00:00, 12.67it/s]
 89%|████████▉ | 8/9 [00:00<00:00, 20.94it/s]
100%|██████████| 9/9 [00:00<00:00, 17.91it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.5/125_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.2/125_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.1/125_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.1/125_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.1/125_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.0/125_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.3/125_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.1/125_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/125/0.1/125_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/140.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/140
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/140.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/140
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.36it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.05it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:01<00:03,  1.50it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:02<00:02,  1.36it/s]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:03<00:02,  1.28it/s]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:05<00:02,  1.24s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:08<00:01,  1.63s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:11<00:00,  2.06s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:11<00:00,  1.39s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  8.23it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:07,  5.22it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:11,  3.32it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:15,  2.34it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:19,  1.86it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:02<00:19,  1.83it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:17,  1.96it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.19it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:03<00:12,  2.57it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:03<00:10,  3.06it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:08,  3.67it/s]
slice data vertically and clustering:  29%|██▉       | 12/41 [00:04<00:06,  4.40it/s]
slice data vertically and clustering:  34%|███▍      | 14/41 [00:04<00:04,  6.29it/s]
slice data vertically and clustering:  41%|████▏     | 17/41 [00:04<00:02,  9.83it/s]
slice data vertically and clustering:  54%|█████▎    | 22/41 [00:04<00:01, 17.28it/s]
slice data vertically and clustering:  98%|█████████▊| 40/41 [00:04<00:00, 51.62it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.75it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      MMMMMMMMMMMMMMM  83.95% :::::::::::::::::::::::::::::::::        |       68 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  97.53% :::::::::::::::::::::::::::::::::::::::  |       79 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  93.75% :::::::::::::::::::::::::::::::::::::    |       75 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  81.25% ::::::::::::::::::::::::::::::::         |       65 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  93.75% :::::::::::::::::::::::::::::::::::::    |       75 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  93.75% :::::::::::::::::::::::::::::::::::::    |       75 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       72 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       72 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       72 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/7 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 7/7 [00:00<00:00, 123.49it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/7 [00:00<?, ?it/s]
 14%|█▍        | 1/7 [00:00<00:01,  3.82it/s]
 43%|████▎     | 3/7 [00:00<00:00,  9.32it/s]
 86%|████████▌ | 6/7 [00:00<00:00, 15.97it/s]
100%|██████████| 7/7 [00:00<00:00, 13.88it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.1/140_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.4/140_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.0/140_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.1/140_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.0/140_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.1/140_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/140/0.0/140_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/151.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/151
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/151.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/151
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.72it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.42s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.39s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.59s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.76s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.14s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.20s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.35s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  1.97s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  9.17it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:07,  4.92it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:14,  2.68it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:18,  1.97it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:21,  1.65it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:03<00:21,  1.66it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:18,  1.81it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.12it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:04<00:12,  2.54it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:04<00:10,  3.08it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:08,  3.74it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:04<00:05,  5.53it/s]
slice data vertically and clustering:  39%|███▉      | 16/41 [00:04<00:02,  8.95it/s]
slice data vertically and clustering:  54%|█████▎    | 22/41 [00:04<00:01, 17.75it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.53it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       56 |      
+   0.00%                                          |        0 /       56 |      
+MMMMMMMMMMMMMMM   1.75%                                          |        1 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       56 |      
+   0.00%                                          |        0 /       56 |      MMMMMMMMMMMMMMM   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+  89.47% :::::::::::::::::::::::::::::::::::      |       51 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+  89.47% :::::::::::::::::::::::::::::::::::      |       51 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       48 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.79%                                          |        1 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       56 /       56 |      
+   1.79%                                          |        1 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       56 /       56 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       56 /       56 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       56 /       56 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       56 /       56 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/16 [00:00<?, ?it/s]
writing stems to file:  56%|█████▋    | 9/16 [00:00<00:00, 87.79it/s]
writing stems to file: 100%|██████████| 16/16 [00:00<00:00, 104.10it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:04,  3.29it/s]
 12%|█▎        | 2/16 [00:00<00:03,  4.15it/s]
 25%|██▌       | 4/16 [00:00<00:01,  7.27it/s]
 38%|███▊      | 6/16 [00:00<00:01,  9.68it/s]
 50%|█████     | 8/16 [00:00<00:00, 11.35it/s]
 69%|██████▉   | 11/16 [00:01<00:00, 15.53it/s]
 81%|████████▏ | 13/16 [00:01<00:00, 13.94it/s]
 94%|█████████▍| 15/16 [00:01<00:00, 15.26it/s]
100%|██████████| 16/16 [00:01<00:00, 11.94it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.2/151_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.3/151_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.1/151_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.1/151_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.2/151_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.3/151_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.2/151_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.1/151_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T15.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/151/0.0/151_T14.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/162.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/162
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/162.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/162
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.91it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.21it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:01<00:02,  1.94it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:02<00:02,  1.45it/s]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:03<00:02,  1.28it/s]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:04<00:01,  1.03it/s]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:06<00:01,  1.21s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:08<00:00,  1.63s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:08<00:00,  1.12s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:06,  6.33it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:09,  4.32it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:12,  2.99it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:16,  2.30it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:19,  1.89it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:02<00:18,  1.90it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:15,  2.13it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:12,  2.54it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:03<00:10,  3.02it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:03<00:08,  3.62it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:03<00:06,  4.34it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:03<00:04,  6.11it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:04<00:03,  8.17it/s]
slice data vertically and clustering:  44%|████▍     | 18/41 [00:04<00:01, 12.17it/s]
slice data vertically and clustering:  63%|██████▎   | 26/41 [00:04<00:00, 26.16it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  9.51it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+MMMMMMMMMMMMMMM   1.35%                                          |        1 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+  94.52% :::::::::::::::::::::::::::::::::::::    |       69 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  91.89% ::::::::::::::::::::::::::::::::::::     |       68 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  97.26% ::::::::::::::::::::::::::::::::::::::   |       71 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  91.89% ::::::::::::::::::::::::::::::::::::     |       68 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  97.26% ::::::::::::::::::::::::::::::::::::::   |       71 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  91.89% ::::::::::::::::::::::::::::::::::::     |       68 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  97.26% ::::::::::::::::::::::::::::::::::::::   |       71 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  91.89% ::::::::::::::::::::::::::::::::::::     |       68 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  97.26% ::::::::::::::::::::::::::::::::::::::   |       71 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  91.89% ::::::::::::::::::::::::::::::::::::     |       68 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  58.90% :::::::::::::::::::::::                  |       43 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/7 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 7/7 [00:00<00:00, 123.73it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/7 [00:00<?, ?it/s]
 14%|█▍        | 1/7 [00:00<00:01,  4.78it/s]
 57%|█████▋    | 4/7 [00:00<00:00, 13.72it/s]
100%|██████████| 7/7 [00:00<00:00, 19.35it/s]
100%|██████████| 7/7 [00:00<00:00, 16.18it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.2/162_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.1/162_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.1/162_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.2/162_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.1/162_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.0/162_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/162/0.1/162_T5.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/182.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/182
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/182.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/182
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:11,  1.60s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.27s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:08,  1.70s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.03s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.00s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.19s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.32s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  3.01s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.37s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:10,  3.84it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:16,  2.33it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:01<00:22,  1.69it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:02<00:29,  1.26it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:04<00:35,  1.02it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:05<00:35,  1.01s/it]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:05<00:31,  1.09it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:06<00:26,  1.23it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:06<00:22,  1.44it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:07<00:18,  1.70it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:07<00:14,  2.07it/s]
slice data vertically and clustering:  29%|██▉       | 12/41 [00:07<00:11,  2.53it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:07<00:09,  3.11it/s]
slice data vertically and clustering:  34%|███▍      | 14/41 [00:07<00:06,  3.90it/s]
slice data vertically and clustering:  39%|███▉      | 16/41 [00:08<00:04,  5.78it/s]
slice data vertically and clustering:  46%|████▋     | 19/41 [00:08<00:02,  9.16it/s]
slice data vertically and clustering:  56%|█████▌    | 23/41 [00:08<00:01, 14.42it/s]
slice data vertically and clustering:  76%|███████▌  | 31/41 [00:08<00:00, 27.19it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:08<00:00,  4.87it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.25%                                          |        1 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+   1.25%                                          |        1 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  96.30% ::::::::::::::::::::::::::::::::::::::   |       78 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  98.75% :::::::::::::::::::::::::::::::::::::::  |       79 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  96.30% ::::::::::::::::::::::::::::::::::::::   |       78 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  96.30% ::::::::::::::::::::::::::::::::::::::   |       78 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  96.30% ::::::::::::::::::::::::::::::::::::::   |       78 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  96.30% ::::::::::::::::::::::::::::::::::::::   |       78 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       68 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+  90.12% ::::::::::::::::::::::::::::::::::::     |       73 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  88.89% :::::::::::::::::::::::::::::::::::      |       72 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  46.25% ::::::::::::::::::                       |       37 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/1 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 1/1 [00:00<00:00, 114.40it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.78it/s]
100%|██████████| 1/1 [00:00<00:00,  2.78it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/182/0.0/182_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/183.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/183
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/183.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/183
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:07,  1.06s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:10,  1.67s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:10,  2.00s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.95s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.98s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.09s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.80s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.86s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.38s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:09,  4.33it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:15,  2.48it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:01<00:23,  1.63it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:02<00:31,  1.19it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:04<00:36,  1.02s/it]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:05<00:35,  1.03s/it]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:05<00:31,  1.10it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:06<00:26,  1.26it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:06<00:21,  1.49it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:07<00:16,  1.83it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:07<00:13,  2.23it/s]
slice data vertically and clustering:  29%|██▉       | 12/41 [00:07<00:10,  2.74it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:07<00:08,  3.38it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:07<00:05,  5.07it/s]
slice data vertically and clustering:  41%|████▏     | 17/41 [00:07<00:03,  7.15it/s]
slice data vertically and clustering:  49%|████▉     | 20/41 [00:07<00:01, 10.93it/s]
slice data vertically and clustering:  63%|██████▎   | 26/41 [00:08<00:00, 20.04it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:08<00:00,  5.02it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      
+   0.00%                                          |        0 /       72 |      MMMMMMMMMMMMMMM  82.19% ::::::::::::::::::::::::::::::::         |       60 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  91.78% ::::::::::::::::::::::::::::::::::::     |       67 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  91.78% ::::::::::::::::::::::::::::::::::::     |       67 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       63 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  91.78% ::::::::::::::::::::::::::::::::::::     |       67 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       63 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  91.78% ::::::::::::::::::::::::::::::::::::     |       67 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       63 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  91.78% ::::::::::::::::::::::::::::::::::::     |       67 /       73 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+  91.78% ::::::::::::::::::::::::::::::::::::     |       67 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  76.71% ::::::::::::::::::::::::::::::           |       56 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  78.08% :::::::::::::::::::::::::::::::          |       57 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+  81.94% ::::::::::::::::::::::::::::::::         |       59 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.39%                                          |        1 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       72 /       72 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/7 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 7/7 [00:00<00:00, 123.20it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/7 [00:00<?, ?it/s]
 14%|█▍        | 1/7 [00:00<00:04,  1.31it/s]
 29%|██▊       | 2/7 [00:00<00:02,  2.48it/s]
100%|██████████| 7/7 [00:01<00:00,  8.98it/s]
100%|██████████| 7/7 [00:01<00:00,  6.23it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.3/183_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.0/183_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.0/183_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.0/183_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.0/183_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.0/183_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/183/0.0/183_T2.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/188.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/188
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/188.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/188
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:03,  1.93it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:03,  1.61it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.18s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.62s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:06<00:04,  1.58s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:09<00:03,  1.80s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:01,  1.86s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:13<00:00,  2.00s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:13<00:00,  1.67s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:04,  8.01it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:09,  4.22it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:12,  2.98it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:01<00:15,  2.40it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:02<00:13,  2.56it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:02<00:11,  2.93it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:02<00:09,  3.44it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:02<00:07,  4.10it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:02<00:05,  5.90it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:02<00:03,  8.18it/s]
slice data vertically and clustering:  41%|████▏     | 17/41 [00:03<00:01, 13.84it/s]
slice data vertically and clustering:  71%|███████   | 29/41 [00:03<00:00, 35.67it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:03<00:00, 13.09it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |       13 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/1 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 1/1 [00:00<00:00, 73.84it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.89it/s]
100%|██████████| 1/1 [00:00<00:00,  2.89it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/188/0.3/188_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/202.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/202
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/202.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/202
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:05,  1.34it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.33s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.24s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.66s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:04,  1.62s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:09<00:03,  1.83s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:01,  1.95s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.34s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  1.88s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  9.30it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:08,  4.80it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:14,  2.66it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:18,  1.97it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:21,  1.65it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:03<00:21,  1.65it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:18,  1.81it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.13it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:04<00:12,  2.55it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:04<00:10,  3.08it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:08,  3.73it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:04<00:05,  5.46it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:04<00:03,  7.65it/s]
slice data vertically and clustering:  49%|████▉     | 20/41 [00:04<00:01, 15.00it/s]
slice data vertically and clustering:  80%|████████  | 33/41 [00:04<00:00, 37.70it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.49it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       54 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       54 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       54 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  79.66% :::::::::::::::::::::::::::::::          |       47 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       54 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       54 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  90.00% ::::::::::::::::::::::::::::::::::::     |       54 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 103.46it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  4.98it/s]
100%|██████████| 2/2 [00:00<00:00,  6.60it/s]
100%|██████████| 2/2 [00:00<00:00,  6.29it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/202/0.2/202_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/202/0.2/202_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/first.segmented/210.ply
+Output folder: sample_playground/instance_segmented_point_clouds/first.segmented/210
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/first.segmented/210.ply
+odir                               sample_playground/instance_segmented_point_clouds/first.segmented/210
+tindex                             sample_playground/segmented_point_clouds/tiled/first.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:05,  1.34it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.34s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.23s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.66s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.82s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:09<00:03,  1.80s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:12<00:02,  2.18s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.33s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  1.92s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  8.94it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:08,  4.71it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:14,  2.59it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:19,  1.94it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:22,  1.63it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:03<00:21,  1.64it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:19,  1.79it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.10it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:04<00:12,  2.52it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:04<00:10,  3.05it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:08,  3.69it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:04<00:05,  5.41it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:04<00:03,  7.59it/s]
slice data vertically and clustering:  49%|████▉     | 20/41 [00:04<00:01, 14.82it/s]
slice data vertically and clustering:  80%|████████  | 33/41 [00:04<00:00, 37.36it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.39it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  91.53% ::::::::::::::::::::::::::::::::::::     |       54 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  91.53% ::::::::::::::::::::::::::::::::::::     |       54 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  91.53% ::::::::::::::::::::::::::::::::::::     |       54 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  91.53% ::::::::::::::::::::::::::::::::::::     |       54 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  91.53% ::::::::::::::::::::::::::::::::::::     |       54 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  91.53% ::::::::::::::::::::::::::::::::::::     |       54 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+  89.83% :::::::::::::::::::::::::::::::::::      |       53 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 78.61it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  4.29it/s]
100%|██████████| 2/2 [00:00<00:00,  6.10it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/210/0.4/210_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/first.segmented/210/0.4/210_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/002.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/002
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/002.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/002
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:05,  1.36it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.23s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:07,  1.43s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.64s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.86s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.11s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.37s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.51s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.06s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:17,  2.23it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:26,  1.41it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:37,  1.05s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:46,  1.32s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:06<00:49,  1.46s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:07<00:44,  1.36s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:08<00:37,  1.17s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:08<00:30,  1.01it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:09<00:25,  1.20it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:09<00:19,  1.45it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:09<00:15,  1.82it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:10<00:11,  2.26it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:10<00:09,  2.77it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:10<00:07,  3.38it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:10<00:05,  4.17it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:10<00:03,  6.07it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:10<00:02,  8.30it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:10<00:01, 12.34it/s]
slice data vertically and clustering:  74%|███████▍  | 29/39 [00:10<00:00, 24.46it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:10<00:00,  3.55it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   1.15%                                          |        1 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  68.97% :::::::::::::::::::::::::::              |       60 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  68.97% :::::::::::::::::::::::::::              |       60 /       87 |      
+  91.95% ::::::::::::::::::::::::::::::::::::     |       80 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  94.25% :::::::::::::::::::::::::::::::::::::    |       82 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  68.97% :::::::::::::::::::::::::::              |       60 /       87 |      
+  91.95% ::::::::::::::::::::::::::::::::::::     |       80 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  91.95% ::::::::::::::::::::::::::::::::::::     |       80 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+   1.15%                                          |        1 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  97.70% :::::::::::::::::::::::::::::::::::::::  |       85 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  64.77% :::::::::::::::::::::::::                |       57 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  97.70% :::::::::::::::::::::::::::::::::::::::  |       85 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  97.70% :::::::::::::::::::::::::::::::::::::::  |       85 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  89.66% :::::::::::::::::::::::::::::::::::      |       78 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM  84.09% :::::::::::::::::::::::::::::::::        |       74 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  53.41% :::::::::::::::::::::                    |       47 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/13 [00:00<?, ?it/s]
writing stems to file:  38%|███▊      | 5/13 [00:00<00:00, 45.63it/s]
writing stems to file: 100%|██████████| 13/13 [00:00<00:00, 66.43it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/13 [00:00<?, ?it/s]
  8%|▊         | 1/13 [00:00<00:04,  2.75it/s]
 23%|██▎       | 3/13 [00:00<00:01,  6.22it/s]
 31%|███       | 4/13 [00:00<00:01,  6.52it/s]
 46%|████▌     | 6/13 [00:00<00:00,  9.01it/s]
 62%|██████▏   | 8/13 [00:01<00:00,  8.68it/s]
 69%|██████▉   | 9/13 [00:01<00:00,  8.32it/s]
 77%|███████▋  | 10/13 [00:01<00:00,  8.04it/s]
 85%|████████▍ | 11/13 [00:01<00:00,  7.93it/s]
100%|██████████| 13/13 [00:01<00:00,  8.61it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.0/002_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.0/002_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.2/002_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.1/002_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.3/002_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.0/002_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.3/002_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.1/002_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.0/002_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.1/002_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.0/002_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.0/002_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/002/0.1/002_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/003.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/003
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/003.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/003
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.07it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:11,  1.99s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.95s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.87s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.94s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.07s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.60s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.82s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.33s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:16,  2.31it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:25,  1.45it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:03<00:43,  1.21s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:05<00:56,  1.60s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:07<01:00,  1.77s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:08<00:53,  1.63s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:09<00:45,  1.42s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:10<00:36,  1.18s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:10<00:29,  1.03it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:11<00:22,  1.28it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:11<00:17,  1.62it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:11<00:13,  2.04it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:11<00:10,  2.55it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:12<00:07,  3.13it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:12<00:06,  3.91it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:12<00:03,  5.71it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:12<00:02,  7.70it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:12<00:01, 11.38it/s]
slice data vertically and clustering:  72%|███████▏  | 28/39 [00:12<00:00, 20.67it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:12<00:00,  3.07it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      MMMMMMMMMMMMMMM   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  59.55% :::::::::::::::::::::::                  |       53 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+  59.55% :::::::::::::::::::::::                  |       53 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  77.53% :::::::::::::::::::::::::::::::          |       69 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+  75.28% ::::::::::::::::::::::::::::::           |       67 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+  59.55% :::::::::::::::::::::::                  |       53 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  77.53% :::::::::::::::::::::::::::::::          |       69 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+  90.91% ::::::::::::::::::::::::::::::::::::     |       80 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+  59.55% :::::::::::::::::::::::                  |       53 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+  77.53% :::::::::::::::::::::::::::::::          |       69 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+  59.55% :::::::::::::::::::::::                  |       53 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+  74.16% :::::::::::::::::::::::::::::            |       66 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  85.23% ::::::::::::::::::::::::::::::::::       |       75 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  69.66% :::::::::::::::::::::::::::              |       62 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  65.17% ::::::::::::::::::::::::::               |       58 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  56.18% ::::::::::::::::::::::                   |       50 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  62.92% :::::::::::::::::::::::::                |       56 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  66.29% ::::::::::::::::::::::::::               |       59 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  86.36% ::::::::::::::::::::::::::::::::::       |       76 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  86.36% ::::::::::::::::::::::::::::::::::       |       76 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  70.79% ::::::::::::::::::::::::::::             |       63 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/3 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 3/3 [00:00<00:00, 70.09it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  2.43it/s]
 67%|██████▋   | 2/3 [00:00<00:00,  4.29it/s]
100%|██████████| 3/3 [00:00<00:00,  5.10it/s]
100%|██████████| 3/3 [00:00<00:00,  4.46it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/003/0.0/003_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/003/0.0/003_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/003/0.2/003_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/013.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/013
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/013.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/013
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:11,  1.60s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.48s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:10,  2.00s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.06s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:06,  2.17s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.16s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.81s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  3.05s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.50s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:18,  2.06it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:31,  1.20it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:03<00:49,  1.34s/it]
slice data vertically and clustering:  10%|█         | 4/40 [00:05<01:02,  1.75s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:08<01:08,  1.95s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:09<01:02,  1.84s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:11<00:53,  1.63s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:11<00:44,  1.40s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:12<00:35,  1.14s/it]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:12<00:27,  1.08it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:13<00:20,  1.39it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:13<00:15,  1.77it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:13<00:12,  2.23it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:13<00:09,  2.80it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:13<00:07,  3.47it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:14<00:04,  5.24it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:14<00:02,  7.33it/s]
slice data vertically and clustering:  55%|█████▌    | 22/40 [00:14<00:01, 11.14it/s]
slice data vertically and clustering:  70%|███████   | 28/40 [00:14<00:00, 20.33it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:14<00:00,  2.78it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      MMMMMMMMMMMMMMM   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  59.41% :::::::::::::::::::::::                  |       60 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+  59.41% :::::::::::::::::::::::                  |       60 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  81.19% ::::::::::::::::::::::::::::::::         |       82 /      101 |      
+  82.18% ::::::::::::::::::::::::::::::::         |       83 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  81.19% ::::::::::::::::::::::::::::::::         |       82 /      101 |      
+  82.18% ::::::::::::::::::::::::::::::::         |       83 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+  81.19% ::::::::::::::::::::::::::::::::         |       82 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+  81.19% ::::::::::::::::::::::::::::::::         |       82 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  64.36% :::::::::::::::::::::::::                |       65 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+  80.20% ::::::::::::::::::::::::::::::::         |       81 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  65.00% ::::::::::::::::::::::::::               |       65 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 82.21it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  4.33it/s]
 50%|█████     | 3/6 [00:00<00:00,  9.47it/s]
 83%|████████▎ | 5/6 [00:00<00:00, 10.95it/s]
100%|██████████| 6/6 [00:00<00:00, 10.94it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/013/0.3/013_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/013/0.1/013_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/013/0.3/013_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/013/0.2/013_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/013/0.3/013_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/013/0.0/013_T5.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/015.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/015
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/015.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/015
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.06it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:06,  1.12s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.19s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.77s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:07,  2.44s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.81s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:03,  3.03s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.24s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.56s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:20,  1.91it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:32,  1.16it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:03<00:51,  1.41s/it]
slice data vertically and clustering:  10%|█         | 4/40 [00:06<01:06,  1.85s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:08<01:11,  2.05s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:10<01:05,  1.93s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:11<00:56,  1.70s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:12<00:46,  1.46s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:13<00:37,  1.19s/it]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:13<00:28,  1.04it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:13<00:22,  1.31it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:14<00:16,  1.67it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:14<00:12,  2.11it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:14<00:09,  2.64it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:14<00:07,  3.29it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:14<00:04,  4.94it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:14<00:03,  6.82it/s]
slice data vertically and clustering:  55%|█████▌    | 22/40 [00:14<00:01, 10.27it/s]
slice data vertically and clustering:  68%|██████▊   | 27/40 [00:15<00:00, 17.28it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:15<00:00,  2.64it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      
+   0.00%                                          |        0 /      105 |      MMMMMMMMMMMMMMM  50.94% ::::::::::::::::::::                     |       54 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      
+   0.95%                                          |        1 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  59.43% :::::::::::::::::::::::                  |       63 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+  76.19% ::::::::::::::::::::::::::::::           |       80 /      105 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+   0.95%                                          |        1 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  59.43% :::::::::::::::::::::::                  |       63 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+  76.19% ::::::::::::::::::::::::::::::           |       80 /      105 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+   0.95%                                          |        1 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  59.43% :::::::::::::::::::::::                  |       63 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+   0.95%                                          |        1 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  59.43% :::::::::::::::::::::::                  |       63 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+   0.95%                                          |        1 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+   0.95%                                          |        1 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+   0.95%                                          |        1 /      105 |      
+  75.24% ::::::::::::::::::::::::::::::           |       79 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+   0.95%                                          |        1 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+  77.14% ::::::::::::::::::::::::::::::           |       81 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  66.67% ::::::::::::::::::::::::::               |       70 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+   0.95%                                          |        1 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  68.57% :::::::::::::::::::::::::::              |       72 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+   0.95%                                          |        1 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  73.33% :::::::::::::::::::::::::::::            |       77 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  67.62% :::::::::::::::::::::::::::              |       71 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  73.33% :::::::::::::::::::::::::::::            |       77 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       84 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  72.38% ::::::::::::::::::::::::::::             |       76 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  73.33% :::::::::::::::::::::::::::::            |       77 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  59.05% :::::::::::::::::::::::                  |       62 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  73.33% :::::::::::::::::::::::::::::            |       77 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  63.81% :::::::::::::::::::::::::                |       67 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  73.33% :::::::::::::::::::::::::::::            |       77 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+  73.33% :::::::::::::::::::::::::::::            |       77 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      105 /      105 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 71.16it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:01,  3.66it/s]
 40%|████      | 2/5 [00:00<00:00,  4.68it/s]
 80%|████████  | 4/5 [00:00<00:00,  7.41it/s]
100%|██████████| 5/5 [00:00<00:00,  7.30it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/015/0.1/015_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/015/0.2/015_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/015/0.0/015_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/015/0.3/015_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/015/0.1/015_T2.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/023.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/023
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/023.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/023
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:14,  2.05s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:10,  1.73s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:07,  1.60s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.76s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.01s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.19s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.40s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.51s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.20s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:10,  3.48it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:00<00:17,  2.16it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:31,  1.13it/s]
slice data vertically and clustering:  10%|█         | 4/39 [00:03<00:41,  1.19s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:05<00:44,  1.32s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:06<00:42,  1.29s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:07<00:36,  1.13s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:08<00:29,  1.04it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:08<00:24,  1.23it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:08<00:19,  1.49it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:09<00:15,  1.85it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:09<00:11,  2.29it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:09<00:09,  2.81it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:09<00:07,  3.42it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:09<00:05,  4.14it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:09<00:03,  6.05it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:10<00:02,  8.28it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:10<00:01, 12.36it/s]
slice data vertically and clustering:  74%|███████▍  | 29/39 [00:10<00:00, 24.56it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:10<00:00,  3.78it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+MMMMMMMMMMMMMMM   1.02%                                          |        1 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      MMMMMMMMMMMMMMM   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  36.73% ::::::::::::::                           |       36 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  36.73% ::::::::::::::                           |       36 /       98 |      
+  71.43% ::::::::::::::::::::::::::::             |       70 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  36.73% ::::::::::::::                           |       36 /       98 |      
+  71.43% ::::::::::::::::::::::::::::             |       70 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  36.73% ::::::::::::::                           |       36 /       98 |      
+  71.43% ::::::::::::::::::::::::::::             |       70 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  71.43% ::::::::::::::::::::::::::::             |       70 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  71.43% ::::::::::::::::::::::::::::             |       70 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+   1.03%                                          |        1 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  74.23% :::::::::::::::::::::::::::::            |       72 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  69.07% :::::::::::::::::::::::::::              |       67 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  69.07% :::::::::::::::::::::::::::              |       67 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  76.29% ::::::::::::::::::::::::::::::           |       74 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  69.07% :::::::::::::::::::::::::::              |       67 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  69.07% :::::::::::::::::::::::::::              |       67 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  69.07% :::::::::::::::::::::::::::              |       67 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/21 [00:00<?, ?it/s]
writing stems to file:  43%|████▎     | 9/21 [00:00<00:00, 83.16it/s]
writing stems to file: 100%|██████████| 21/21 [00:00<00:00, 103.05it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/21 [00:00<?, ?it/s]
  5%|▍         | 1/21 [00:00<00:04,  4.39it/s]
 14%|█▍        | 3/21 [00:00<00:02,  8.42it/s]
 24%|██▍       | 5/21 [00:00<00:01, 10.15it/s]
 33%|███▎      | 7/21 [00:00<00:01, 10.42it/s]
 48%|████▊     | 10/21 [00:00<00:00, 14.56it/s]
 62%|██████▏   | 13/21 [00:00<00:00, 18.30it/s]
 76%|███████▌  | 16/21 [00:01<00:00, 19.29it/s]
 95%|█████████▌| 20/21 [00:01<00:00, 23.60it/s]
100%|██████████| 21/21 [00:01<00:00, 17.15it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.2/023_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.1/023_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.2/023_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.1/023_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.1/023_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.2/023_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.1/023_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T16.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T15.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T20.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.2/023_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T18.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T19.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T14.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T17.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/023/0.0/023_T11.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/024.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/024
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/024.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/024
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:12,  1.77s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:08,  1.46s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:08,  1.62s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:06,  1.71s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.97s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.16s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.28s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.48s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.13s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:10,  3.58it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:00<00:16,  2.19it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:31,  1.14it/s]
slice data vertically and clustering:  10%|█         | 4/39 [00:03<00:41,  1.18s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:05<00:44,  1.31s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:06<00:42,  1.28s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:07<00:35,  1.12s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:08<00:29,  1.05it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:08<00:24,  1.24it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:08<00:19,  1.50it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:09<00:15,  1.86it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:09<00:11,  2.30it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:09<00:09,  2.83it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:09<00:07,  3.45it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:09<00:05,  4.19it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:09<00:03,  6.17it/s]
slice data vertically and clustering:  51%|█████▏    | 20/39 [00:10<00:01,  9.65it/s]
slice data vertically and clustering:  64%|██████▍   | 25/39 [00:10<00:00, 16.85it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:10<00:00,  3.82it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      
+   0.00%                                          |        0 /       97 |      MMMMMMMMMMMMMMM   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM  65.31% ::::::::::::::::::::::::::               |       64 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  78.35% :::::::::::::::::::::::::::::::          |       76 /       97 |      
+   1.03%                                          |        1 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.03%                                          |        1 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  78.35% :::::::::::::::::::::::::::::::          |       76 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+   1.03%                                          |        1 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+  78.35% :::::::::::::::::::::::::::::::          |       76 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  74.49% :::::::::::::::::::::::::::::            |       73 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  78.35% :::::::::::::::::::::::::::::::          |       76 /       97 |      
+   1.03%                                          |        1 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  78.35% :::::::::::::::::::::::::::::::          |       76 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  87.63% :::::::::::::::::::::::::::::::::::      |       85 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+  84.54% :::::::::::::::::::::::::::::::::        |       82 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+  80.41% ::::::::::::::::::::::::::::::::         |       78 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+  75.26% ::::::::::::::::::::::::::::::           |       73 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  66.33% ::::::::::::::::::::::::::               |       65 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       97 /       97 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/14 [00:00<?, ?it/s]
writing stems to file:  43%|████▎     | 6/14 [00:00<00:00, 55.53it/s]
writing stems to file: 100%|██████████| 14/14 [00:00<00:00, 77.93it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/14 [00:00<?, ?it/s]
  7%|▋         | 1/14 [00:00<00:07,  1.80it/s]
 14%|█▍        | 2/14 [00:00<00:03,  3.17it/s]
 29%|██▊       | 4/14 [00:00<00:01,  6.08it/s]
 43%|████▎     | 6/14 [00:00<00:00,  8.25it/s]
 57%|█████▋    | 8/14 [00:01<00:00, 10.14it/s]
 79%|███████▊  | 11/14 [00:01<00:00, 13.82it/s]
 93%|█████████▎| 13/14 [00:01<00:00, 14.49it/s]
100%|██████████| 14/14 [00:01<00:00, 10.05it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.3/024_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.2/024_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.3/024_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.2/024_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.5/024_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.2/024_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.0/024_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.3/024_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.0/024_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.1/024_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.0/024_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.0/024_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.0/024_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/024/0.0/024_T10.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/026.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/026
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/026.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/026
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:13,  1.87s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:08,  1.45s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.82s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.95s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.89s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.13s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.32s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.47s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.16s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:09,  3.81it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:00<00:15,  2.33it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:29,  1.23it/s]
slice data vertically and clustering:  10%|█         | 4/39 [00:03<00:38,  1.10s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:05<00:41,  1.21s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:06<00:39,  1.19s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:06<00:33,  1.04s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:07<00:27,  1.11it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:07<00:23,  1.30it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:08<00:18,  1.53it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:08<00:14,  1.88it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:08<00:11,  2.29it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:09<00:09,  2.77it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:09<00:07,  3.33it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:09<00:06,  4.00it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:09<00:03,  5.73it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:09<00:02,  7.82it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:09<00:01, 11.72it/s]
slice data vertically and clustering:  74%|███████▍  | 29/39 [00:09<00:00, 23.40it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:09<00:00,  3.95it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /       99 |      
+MMMMMMMMMMMMMMM   1.00%                                          |        1 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /       99 |      MMMMMMMMMMMMMMM   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.01%                                          |        1 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  66.00% ::::::::::::::::::::::::::               |       66 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       81 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       81 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+   1.00%                                          |        1 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+  43.00% :::::::::::::::::                        |       43 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+  64.00% :::::::::::::::::::::::::                |       64 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  59.00% :::::::::::::::::::::::                  |       59 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  33.33% :::::::::::::                            |        2 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 109.48it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:00,  5.08it/s]
 60%|██████    | 3/5 [00:00<00:00, 11.14it/s]
100%|██████████| 5/5 [00:00<00:00, 12.92it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/026/0.0/026_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/026/0.1/026_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/026/0.3/026_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/026/0.1/026_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/026/0.0/026_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/028.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/028
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/028.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/028
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.07it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.22s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.42s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.14s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.28s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.39s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.70s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.21s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.50s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:21,  1.77it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:34,  1.08it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:03<00:52,  1.47s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:06<01:06,  1.89s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:08<01:11,  2.09s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:10<01:04,  1.95s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:11<00:54,  1.71s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:12<00:45,  1.48s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:13<00:36,  1.21s/it]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:13<00:28,  1.02it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:14<00:22,  1.27it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:14<00:16,  1.60it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:14<00:13,  1.98it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:14<00:10,  2.45it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:14<00:07,  3.01it/s]
slice data vertically and clustering:  41%|████      | 16/39 [00:15<00:06,  3.69it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:15<00:04,  4.55it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:15<00:03,  6.54it/s]
slice data vertically and clustering:  54%|█████▍    | 21/39 [00:15<00:02,  8.77it/s]
slice data vertically and clustering:  62%|██████▏   | 24/39 [00:15<00:01, 12.71it/s]
slice data vertically and clustering:  79%|███████▉  | 31/39 [00:15<00:00, 24.61it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:15<00:00,  2.48it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       95 |      
+MMMMMMMMMMMMMMM   1.04%                                          |        1 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       96 |      
+   0.00%                                          |        0 /       95 |      MMMMMMMMMMMMMMM   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.05%                                          |        1 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+  82.29% ::::::::::::::::::::::::::::::::         |       79 /       96 |      
+  68.75% :::::::::::::::::::::::::::              |       66 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       80 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  68.75% :::::::::::::::::::::::::::              |       66 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       80 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  68.75% :::::::::::::::::::::::::::              |       66 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  68.75% :::::::::::::::::::::::::::              |       66 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  70.83% ::::::::::::::::::::::::::::             |       68 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  57.29% ::::::::::::::::::::::                   |       55 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  75.00% ::::::::::::::::::::::::::::::           |       72 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+  79.17% :::::::::::::::::::::::::::::::          |       76 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+   1.04%                                          |        1 /       96 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       80 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+   1.04%                                          |        1 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  76.04% ::::::::::::::::::::::::::::::           |       73 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  80.21% ::::::::::::::::::::::::::::::::         |       77 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  67.71% :::::::::::::::::::::::::::              |       65 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+  80.21% ::::::::::::::::::::::::::::::::         |       77 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       96 /       96 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       95 /       95 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 63.14it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.90it/s]
100%|██████████| 2/2 [00:00<00:00,  3.65it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/028/0.3/028_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/028/0.1/028_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/029.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/029
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/029.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/029
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:16,  2.30s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:10,  1.79s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:08,  1.78s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.86s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.99s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.18s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.31s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.36s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.16s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:13,  2.77it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:23,  1.57it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:35,  1.01it/s]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:43,  1.25s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:05<00:47,  1.41s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:06<00:41,  1.25s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:07<00:34,  1.08s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:08<00:28,  1.10it/s]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:08<00:22,  1.31it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:08<00:17,  1.63it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:09<00:13,  2.05it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:09<00:10,  2.56it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:09<00:08,  3.17it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:09<00:06,  3.95it/s]
slice data vertically and clustering:  41%|████      | 16/39 [00:09<00:03,  5.75it/s]
slice data vertically and clustering:  46%|████▌     | 18/39 [00:09<00:02,  7.79it/s]
slice data vertically and clustering:  54%|█████▍    | 21/39 [00:09<00:01, 11.52it/s]
slice data vertically and clustering:  67%|██████▋   | 26/39 [00:09<00:00, 19.21it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:10<00:00,  3.88it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+MMMMMMMMMMMMMMM   1.18%                                          |        1 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       85 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      MMMMMMMMMMMMMMM  76.47% ::::::::::::::::::::::::::::::           |       65 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+  85.88% ::::::::::::::::::::::::::::::::::       |       73 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+  85.88% ::::::::::::::::::::::::::::::::::       |       73 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+  85.88% ::::::::::::::::::::::::::::::::::       |       73 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+   1.18%                                          |        1 /       85 |      
+  81.18% ::::::::::::::::::::::::::::::::         |       69 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  90.59% ::::::::::::::::::::::::::::::::::::     |       77 /       85 |      
+  85.88% ::::::::::::::::::::::::::::::::::       |       73 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  78.57% :::::::::::::::::::::::::::::::          |       66 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  90.59% ::::::::::::::::::::::::::::::::::::     |       77 /       85 |      
+  85.88% ::::::::::::::::::::::::::::::::::       |       73 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  85.88% ::::::::::::::::::::::::::::::::::       |       73 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+   1.18%                                          |        1 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  90.48% ::::::::::::::::::::::::::::::::::::     |       76 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       72 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       72 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       72 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       72 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+  83.53% :::::::::::::::::::::::::::::::::        |       71 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  95.24% ::::::::::::::::::::::::::::::::::::::   |       80 /       84 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       85 /       85 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/3 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 3/3 [00:00<00:00, 90.54it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  3.21it/s]
100%|██████████| 3/3 [00:00<00:00,  5.42it/s]
100%|██████████| 3/3 [00:00<00:00,  5.07it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/029/0.2/029_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/029/0.2/029_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/029/0.1/029_T2.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/035.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/035
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/035.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/035
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.05it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.41s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.40s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.96s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.14s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.14s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.39s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.58s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.17s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:13,  2.82it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:18,  1.96it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:31,  1.12it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:39,  1.18s/it]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:05<00:42,  1.30s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:06<00:40,  1.25s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:07<00:34,  1.12s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:08<00:28,  1.04it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:08<00:23,  1.21it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:09<00:19,  1.42it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:09<00:16,  1.68it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:09<00:12,  2.04it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.45it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:10<00:08,  2.91it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:10<00:06,  3.45it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:10<00:05,  4.11it/s]
slice data vertically and clustering:  45%|████▍     | 17/38 [00:10<00:04,  4.96it/s]
slice data vertically and clustering:  50%|█████     | 19/38 [00:10<00:02,  6.89it/s]
slice data vertically and clustering:  55%|█████▌    | 21/38 [00:10<00:01,  9.10it/s]
slice data vertically and clustering:  63%|██████▎   | 24/38 [00:10<00:01, 13.14it/s]
slice data vertically and clustering:  84%|████████▍ | 32/38 [00:10<00:00, 27.57it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.47it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+MMMMMMMMMMMMMMM   1.01%                                          |        1 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      MMMMMMMMMMMMMMM   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.02%                                          |        1 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM  61.62% ::::::::::::::::::::::::                 |       61 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  78.57% :::::::::::::::::::::::::::::::          |       77 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  78.57% :::::::::::::::::::::::::::::::          |       77 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+  80.61% ::::::::::::::::::::::::::::::::         |       79 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+  82.65% :::::::::::::::::::::::::::::::::        |       81 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  82.83% :::::::::::::::::::::::::::::::::        |       82 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+  70.41% ::::::::::::::::::::::::::::             |       69 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  68.37% :::::::::::::::::::::::::::              |       67 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  52.04% ::::::::::::::::::::                     |       51 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  37.76% :::::::::::::::                          |       37 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  61.22% ::::::::::::::::::::::::                 |       60 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/9 [00:00<?, ?it/s]
writing stems to file:  89%|████████▉ | 8/9 [00:00<00:00, 73.34it/s]
writing stems to file: 100%|██████████| 9/9 [00:00<00:00, 75.65it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/9 [00:00<?, ?it/s]
 11%|█         | 1/9 [00:00<00:01,  4.91it/s]
 33%|███▎      | 3/9 [00:00<00:00, 10.11it/s]
 56%|█████▌    | 5/9 [00:00<00:00, 10.45it/s]
 78%|███████▊  | 7/9 [00:00<00:00, 12.02it/s]
100%|██████████| 9/9 [00:00<00:00, 10.75it/s]
100%|██████████| 9/9 [00:00<00:00, 10.41it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.1/035_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.1/035_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.0/035_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.2/035_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.4/035_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.0/035_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.1/035_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.0/035_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/035/0.0/035_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/036.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/036
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/036.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/036
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.73it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.05it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:02<00:04,  1.16it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:03<00:04,  1.16s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:05<00:04,  1.50s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:08<00:03,  1.71s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:02,  2.25s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  2.43s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  1.78s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:10,  3.36it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:15,  2.35it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:28,  1.25it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:36,  1.06s/it]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:39,  1.20s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:06<00:37,  1.17s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.02s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:26,  1.12it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:22,  1.30it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:18,  1.52it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:15,  1.79it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:12,  2.16it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:09,  2.60it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:07,  3.09it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.64it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.31it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  6.05it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  8.13it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:09<00:01, 11.93it/s]
slice data vertically and clustering:  76%|███████▋  | 29/38 [00:10<00:00, 21.48it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.74it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      MMMMMMMMMMMMMMM  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  81.52% ::::::::::::::::::::::::::::::::         |       75 /       92 |      
+  73.91% :::::::::::::::::::::::::::::            |       68 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  81.52% ::::::::::::::::::::::::::::::::         |       75 /       92 |      
+  73.91% :::::::::::::::::::::::::::::            |       68 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  92.31% ::::::::::::::::::::::::::::::::::::     |       84 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  81.52% ::::::::::::::::::::::::::::::::         |       75 /       92 |      
+  73.91% :::::::::::::::::::::::::::::            |       68 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+  81.52% ::::::::::::::::::::::::::::::::         |       75 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  75.00% ::::::::::::::::::::::::::::::           |       69 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+  77.17% ::::::::::::::::::::::::::::::           |       71 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  86.96% ::::::::::::::::::::::::::::::::::       |       80 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+  82.61% :::::::::::::::::::::::::::::::::        |       76 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  90.22% ::::::::::::::::::::::::::::::::::::     |       83 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+  76.09% ::::::::::::::::::::::::::::::           |       70 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  91.30% ::::::::::::::::::::::::::::::::::::     |       84 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  91.30% ::::::::::::::::::::::::::::::::::::     |       84 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  89.13% :::::::::::::::::::::::::::::::::::      |       82 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  72.83% :::::::::::::::::::::::::::::            |       67 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  91.30% ::::::::::::::::::::::::::::::::::::     |       84 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  91.30% ::::::::::::::::::::::::::::::::::::     |       84 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  91.30% ::::::::::::::::::::::::::::::::::::     |       84 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/7 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 7/7 [00:00<00:00, 84.90it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/7 [00:00<?, ?it/s]
 14%|█▍        | 1/7 [00:00<00:02,  2.54it/s]
 43%|████▎     | 3/7 [00:00<00:00,  6.83it/s]
 71%|███████▏  | 5/7 [00:00<00:00,  8.83it/s]
100%|██████████| 7/7 [00:00<00:00, 10.44it/s]
100%|██████████| 7/7 [00:00<00:00,  8.52it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.4/036_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.2/036_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.1/036_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.5/036_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.1/036_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.0/036_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/036/0.0/036_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/037.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/037
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/037.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/037
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.69it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:05,  1.12it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.17s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:04<00:04,  1.14s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:05<00:03,  1.18s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:07<00:02,  1.45s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:02,  2.17s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  2.49s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  1.79s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:15,  2.46it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:20,  1.83it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:28,  1.32it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:32,  1.10it/s]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:04<00:37,  1.06s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:05<00:37,  1.09s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:06<00:34,  1.04s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:07<00:29,  1.08it/s]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:07<00:25,  1.23it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:08<00:21,  1.42it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:08<00:17,  1.67it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:08<00:14,  1.97it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:09<00:11,  2.38it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:09<00:09,  2.85it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:09<00:07,  3.40it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:09<00:05,  4.04it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:09<00:04,  4.92it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:09<00:03,  6.90it/s]
slice data vertically and clustering:  52%|█████▎    | 21/40 [00:10<00:02,  9.24it/s]
slice data vertically and clustering:  60%|██████    | 24/40 [00:10<00:01, 13.36it/s]
slice data vertically and clustering:  78%|███████▊  | 31/40 [00:10<00:00, 25.97it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:10<00:00,  3.89it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      MMMMMMMMMMMMMMM  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  75.00% ::::::::::::::::::::::::::::::           |       75 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  67.00% ::::::::::::::::::::::::::               |       67 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+  67.00% ::::::::::::::::::::::::::               |       67 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  67.00% ::::::::::::::::::::::::::               |       67 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  67.00% ::::::::::::::::::::::::::               |       67 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+  71.00% ::::::::::::::::::::::::::::             |       71 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+  76.00% ::::::::::::::::::::::::::::::           |       76 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+  48.00% :::::::::::::::::::                      |       48 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  79.00% :::::::::::::::::::::::::::::::          |       79 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.00% :::::::::::::::::::::::::::::            |       74 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+  50.00% ::::::::::::::::::::                     |       50 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+  73.00% :::::::::::::::::::::::::::::            |       73 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  72.00% ::::::::::::::::::::::::::::             |       72 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       80 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  58.00% :::::::::::::::::::::::                  |       58 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+  84.00% :::::::::::::::::::::::::::::::::        |       84 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 92.35it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  2.92it/s]
100%|██████████| 2/2 [00:00<00:00,  5.08it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/037/0.5/037_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/037/0.2/037_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/040.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/040
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/040.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/040
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:07,  1.01s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:06,  1.05s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.51s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.82s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.80s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:05,  2.52s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.79s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  3.03s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.38s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:18,  2.14it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:28,  1.33it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:36,  1.02it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:04<00:41,  1.16s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:46,  1.34s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:07<00:46,  1.38s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:08<00:43,  1.32s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:09<00:38,  1.22s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:10<00:33,  1.08s/it]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:10<00:27,  1.08it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:11<00:22,  1.28it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:11<00:18,  1.53it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:11<00:14,  1.82it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:12<00:11,  2.21it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:12<00:09,  2.67it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:12<00:07,  3.23it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:12<00:05,  3.90it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:12<00:03,  5.61it/s]
slice data vertically and clustering:  52%|█████▎    | 21/40 [00:12<00:02,  7.57it/s]
slice data vertically and clustering:  60%|██████    | 24/40 [00:13<00:01, 11.16it/s]
slice data vertically and clustering:  75%|███████▌  | 30/40 [00:13<00:00, 20.50it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:13<00:00,  3.04it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+MMMMMMMMMMMMMMM   0.93%                                          |        1 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      107 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      
+   0.00%                                          |        0 /      106 |      MMMMMMMMMMMMMMM   0.93%                                          |        1 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+   0.93%                                          |        1 /      107 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      
+   0.94%                                          |        1 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+  57.94% :::::::::::::::::::::::                  |       62 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+  73.58% :::::::::::::::::::::::::::::            |       78 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+  67.92% :::::::::::::::::::::::::::              |       72 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  74.53% :::::::::::::::::::::::::::::            |       79 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  55.14% ::::::::::::::::::::::                   |       59 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+  57.94% :::::::::::::::::::::::                  |       62 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+  73.58% :::::::::::::::::::::::::::::            |       78 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  74.53% :::::::::::::::::::::::::::::            |       79 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+  57.94% :::::::::::::::::::::::                  |       62 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+  73.58% :::::::::::::::::::::::::::::            |       78 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  74.53% :::::::::::::::::::::::::::::            |       79 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+  73.58% :::::::::::::::::::::::::::::            |       78 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  74.53% :::::::::::::::::::::::::::::            |       79 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+  73.58% :::::::::::::::::::::::::::::            |       78 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+   0.94%                                          |        1 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  58.49% :::::::::::::::::::::::                  |       62 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+  66.98% ::::::::::::::::::::::::::               |       71 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+  75.47% ::::::::::::::::::::::::::::::           |       80 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  68.87% :::::::::::::::::::::::::::              |       73 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  61.32% ::::::::::::::::::::::::                 |       65 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+   9.35% :::                                      |       10 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  56.60% ::::::::::::::::::::::                   |       60 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+  54.72% :::::::::::::::::::::                    |       58 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      107 /      107 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      106 /      106 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/10 [00:00<?, ?it/s]
writing stems to file:  90%|█████████ | 9/10 [00:00<00:00, 86.46it/s]
writing stems to file: 100%|██████████| 10/10 [00:00<00:00, 89.04it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/10 [00:00<?, ?it/s]
 10%|█         | 1/10 [00:00<00:01,  4.96it/s]
 30%|███       | 3/10 [00:00<00:00, 10.04it/s]
 50%|█████     | 5/10 [00:00<00:00, 11.90it/s]
 70%|███████   | 7/10 [00:00<00:00, 10.42it/s]
 90%|█████████ | 9/10 [00:00<00:00, 10.42it/s]
100%|██████████| 10/10 [00:00<00:00, 10.92it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.2/040_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.2/040_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.0/040_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.2/040_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.0/040_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.1/040_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.2/040_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.0/040_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.1/040_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/040/0.1/040_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/041.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/041
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/041.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/041
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:17,  2.49s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:04<00:12,  2.15s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.86s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.78s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:06,  2.14s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:04,  2.50s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.59s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.79s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.44s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:20,  1.95it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:28,  1.34it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:35,  1.05it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:40,  1.12s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:44,  1.27s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:44,  1.30s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:08<00:41,  1.24s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:08<00:36,  1.13s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:09<00:30,  1.03it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:10<00:24,  1.22it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:10<00:20,  1.45it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:10<00:16,  1.72it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:10<00:12,  2.09it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:11<00:10,  2.55it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:11<00:08,  3.12it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:11<00:06,  3.81it/s]
slice data vertically and clustering:  45%|████▌     | 18/40 [00:11<00:03,  5.51it/s]
slice data vertically and clustering:  50%|█████     | 20/40 [00:11<00:02,  7.44it/s]
slice data vertically and clustering:  57%|█████▊    | 23/40 [00:11<00:01, 11.04it/s]
slice data vertically and clustering:  72%|███████▎  | 29/40 [00:11<00:00, 20.26it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:12<00:00,  3.32it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      MMMMMMMMMMMMMMM   0.97%                                          |        1 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      MMMMMMMMMMMMMMM  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+   0.98%                                          |        1 /      102 |      
+  74.51% :::::::::::::::::::::::::::::            |       76 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  81.37% ::::::::::::::::::::::::::::::::         |       83 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+   0.97%                                          |        1 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+  74.51% :::::::::::::::::::::::::::::            |       76 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM  63.11% :::::::::::::::::::::::::                |       65 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  62.14% ::::::::::::::::::::::::                 |       64 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+  76.70% ::::::::::::::::::::::::::::::           |       79 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  77.67% :::::::::::::::::::::::::::::::          |       80 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  45.10% ::::::::::::::::::                       |       46 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  57.84% :::::::::::::::::::::::                  |       59 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  59.22% :::::::::::::::::::::::                  |       61 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 77.11it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  2.57it/s]
 33%|███▎      | 2/6 [00:00<00:00,  4.19it/s]
 50%|█████     | 3/6 [00:00<00:00,  5.69it/s]
 83%|████████▎ | 5/6 [00:00<00:00,  8.59it/s]
100%|██████████| 6/6 [00:00<00:00,  7.06it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/041/0.0/041_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/041/0.2/041_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/041/0.4/041_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/041/0.2/041_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/041/0.1/041_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/041/0.2/041_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/042.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/042
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/042.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/042
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:07,  1.12s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.49s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:08,  1.68s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.90s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.92s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.09s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.21s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.59s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.16s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:15,  2.46it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:01<00:19,  1.84it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:26,  1.35it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:30,  1.12it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:33,  1.02s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:33,  1.05s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.01s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:27,  1.10it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:23,  1.25it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.43it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:16,  1.67it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:13,  1.94it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.32it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.77it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.29it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  3.93it/s]
slice data vertically and clustering:  45%|████▍     | 17/38 [00:09<00:04,  4.77it/s]
slice data vertically and clustering:  50%|█████     | 19/38 [00:09<00:02,  6.76it/s]
slice data vertically and clustering:  55%|█████▌    | 21/38 [00:09<00:01,  9.07it/s]
slice data vertically and clustering:  63%|██████▎   | 24/38 [00:10<00:01, 13.21it/s]
slice data vertically and clustering:  84%|████████▍ | 32/38 [00:10<00:00, 27.92it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.73it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+MMMMMMMMMMMMMMM   0.98%                                          |        1 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      MMMMMMMMMMMMMMM  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+   0.98%                                          |        1 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  56.44% ::::::::::::::::::::::                   |       57 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+   0.98%                                          |        1 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  56.44% ::::::::::::::::::::::                   |       57 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+  70.59% ::::::::::::::::::::::::::::             |       72 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  56.44% ::::::::::::::::::::::                   |       57 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  56.44% ::::::::::::::::::::::                   |       57 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  56.44% ::::::::::::::::::::::                   |       57 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+  56.44% ::::::::::::::::::::::                   |       57 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+  73.27% :::::::::::::::::::::::::::::            |       74 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  76.24% ::::::::::::::::::::::::::::::           |       77 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  59.80% :::::::::::::::::::::::                  |       61 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  42.16% ::::::::::::::::                         |       43 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+   0.98%                                          |        1 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        6 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  16.67% ::::::                                   |        1 /        6 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        2 /        6 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        3 /        6 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        4 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM  83.33% :::::::::::::::::::::::::::::::::        |        5 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        6 /        6 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/10 [00:00<?, ?it/s]
writing stems to file:  60%|██████    | 6/10 [00:00<00:00, 56.73it/s]
writing stems to file: 100%|██████████| 10/10 [00:00<00:00, 64.70it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/10 [00:00<?, ?it/s]
 10%|█         | 1/10 [00:00<00:03,  2.79it/s]
 20%|██        | 2/10 [00:00<00:01,  4.24it/s]
 40%|████      | 4/10 [00:00<00:00,  7.06it/s]
 60%|██████    | 6/10 [00:00<00:00,  9.76it/s]
 80%|████████  | 8/10 [00:00<00:00, 11.16it/s]
100%|██████████| 10/10 [00:01<00:00, 12.52it/s]
100%|██████████| 10/10 [00:01<00:00,  9.40it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.2/042_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.3/042_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.1/042_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.2/042_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.2/042_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.1/042_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.1/042_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.1/042_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.0/042_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/042/0.0/042_T8.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/043.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/043
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/043.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/043
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:09,  1.36s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.38s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.32s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:05,  1.45s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.69s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:03,  2.00s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.65s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.85s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.20s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:19,  1.90it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:31,  1.18it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:03<00:41,  1.16s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:05<00:50,  1.46s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:06<00:55,  1.63s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:08<00:50,  1.54s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:09<00:43,  1.37s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:10<00:37,  1.21s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:10<00:30,  1.01s/it]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:11<00:24,  1.20it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:11<00:18,  1.48it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:11<00:14,  1.84it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:11<00:11,  2.28it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:12<00:08,  2.81it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:12<00:06,  3.43it/s]
slice data vertically and clustering:  41%|████      | 16/39 [00:12<00:05,  4.26it/s]
slice data vertically and clustering:  46%|████▌     | 18/39 [00:12<00:03,  6.05it/s]
slice data vertically and clustering:  51%|█████▏    | 20/39 [00:12<00:02,  8.12it/s]
slice data vertically and clustering:  59%|█████▉    | 23/39 [00:12<00:01, 11.92it/s]
slice data vertically and clustering:  74%|███████▍  | 29/39 [00:12<00:00, 21.53it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:12<00:00,  3.01it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+MMMMMMMMMMMMMMM   1.09%                                          |        1 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      MMMMMMMMMMMMMMM  66.30% ::::::::::::::::::::::::::               |       61 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+  59.78% :::::::::::::::::::::::                  |       55 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  76.92% ::::::::::::::::::::::::::::::           |       70 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  91.21% ::::::::::::::::::::::::::::::::::::     |       83 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+  59.78% :::::::::::::::::::::::                  |       55 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+  81.32% ::::::::::::::::::::::::::::::::         |       74 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+   1.10%                                          |        1 /       91 |      
+  91.21% ::::::::::::::::::::::::::::::::::::     |       83 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+  59.78% :::::::::::::::::::::::                  |       55 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+  91.21% ::::::::::::::::::::::::::::::::::::     |       83 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  69.57% :::::::::::::::::::::::::::              |       64 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+  59.78% :::::::::::::::::::::::                  |       55 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+  59.78% :::::::::::::::::::::::                  |       55 /       92 |      
+   1.09%                                          |        1 /       92 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+  59.78% :::::::::::::::::::::::                  |       55 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+   1.09%                                          |        1 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  83.52% :::::::::::::::::::::::::::::::::        |       76 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  84.62% :::::::::::::::::::::::::::::::::        |       77 /       91 |      
+   1.10%                                          |        1 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  86.81% ::::::::::::::::::::::::::::::::::       |       79 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  67.03% ::::::::::::::::::::::::::               |       61 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  67.39% ::::::::::::::::::::::::::               |       62 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  67.03% ::::::::::::::::::::::::::               |       61 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  56.52% ::::::::::::::::::::::                   |       52 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  67.03% ::::::::::::::::::::::::::               |       61 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  93.48% :::::::::::::::::::::::::::::::::::::    |       86 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  67.03% ::::::::::::::::::::::::::               |       61 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  61.96% ::::::::::::::::::::::::                 |       57 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  67.03% ::::::::::::::::::::::::::               |       61 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  67.03% ::::::::::::::::::::::::::               |       61 /       91 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 92.58it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:02,  2.63it/s]
 38%|███▊      | 3/8 [00:00<00:00,  6.89it/s]
 62%|██████▎   | 5/8 [00:00<00:00,  9.14it/s]
 88%|████████▊ | 7/8 [00:00<00:00, 11.44it/s]
100%|██████████| 8/8 [00:00<00:00, 10.04it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.2/043_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.0/043_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.1/043_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.2/043_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.2/043_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.0/043_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.0/043_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/043/0.0/043_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/044.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/044
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/044.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/044
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.74it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:04,  1.43it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.18s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.59s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.86s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.09s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:12<00:02,  2.27s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.54s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.00s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:12,  2.89it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:18,  1.93it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:01<00:25,  1.37it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:30,  1.13it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:33,  1.02s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:33,  1.06s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:31,  1.02s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:27,  1.10it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:23,  1.25it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.43it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:16,  1.67it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:13,  1.96it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.34it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.80it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.36it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.03it/s]
slice data vertically and clustering:  45%|████▍     | 17/38 [00:09<00:04,  4.90it/s]
slice data vertically and clustering:  50%|█████     | 19/38 [00:09<00:02,  6.93it/s]
slice data vertically and clustering:  55%|█████▌    | 21/38 [00:09<00:01,  9.29it/s]
slice data vertically and clustering:  66%|██████▌   | 25/38 [00:10<00:00, 15.11it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.77it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+MMMMMMMMMMMMMMM   0.99%                                          |        1 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      101 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      
+   0.00%                                          |        0 /      100 |      MMMMMMMMMMMMMMM  61.39% ::::::::::::::::::::::::                 |       62 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  72.28% ::::::::::::::::::::::::::::             |       73 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+   1.00%                                          |        1 /      100 |      
+   1.00%                                          |        1 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+  75.25% ::::::::::::::::::::::::::::::           |       76 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+  77.23% ::::::::::::::::::::::::::::::           |       78 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+   0.99%                                          |        1 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+   0.99%                                          |        1 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  77.00% ::::::::::::::::::::::::::::::           |       77 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+  65.35% ::::::::::::::::::::::::::               |       66 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+  81.00% ::::::::::::::::::::::::::::::::         |       81 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  71.29% ::::::::::::::::::::::::::::             |       72 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+  47.00% ::::::::::::::::::                       |       47 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+  78.22% :::::::::::::::::::::::::::::::          |       79 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  79.21% :::::::::::::::::::::::::::::::          |       80 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  74.26% :::::::::::::::::::::::::::::            |       75 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  67.33% ::::::::::::::::::::::::::               |       68 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+  70.30% ::::::::::::::::::::::::::::             |       71 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      101 /      101 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      100 /      100 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 90.79it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:02,  2.86it/s]
 25%|██▌       | 2/8 [00:00<00:01,  4.53it/s]
 50%|█████     | 4/8 [00:00<00:00,  8.54it/s]
 75%|███████▌  | 6/8 [00:00<00:00,  9.88it/s]
100%|██████████| 8/8 [00:00<00:00, 11.92it/s]
100%|██████████| 8/8 [00:00<00:00,  9.15it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.2/044_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.3/044_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.1/044_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.0/044_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.0/044_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.1/044_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.1/044_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/044/0.0/044_T5.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/045.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/045
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/045.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/045
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:10,  1.48s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.46s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:06,  1.34s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.11s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:07,  2.35s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.33s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.58s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.71s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.32s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:17,  2.18it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:23,  1.63it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:30,  1.22it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:35,  1.01it/s]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:04<00:39,  1.14s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:39,  1.17s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:07<00:36,  1.11s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:07<00:31,  1.02it/s]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:08<00:26,  1.19it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:08<00:21,  1.39it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:09<00:17,  1.64it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:09<00:14,  1.93it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:09<00:11,  2.33it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:09<00:09,  2.83it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:10<00:07,  3.43it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:10<00:05,  4.23it/s]
slice data vertically and clustering:  45%|████▌     | 18/40 [00:10<00:03,  6.01it/s]
slice data vertically and clustering:  50%|█████     | 20/40 [00:10<00:02,  8.06it/s]
slice data vertically and clustering:  57%|█████▊    | 23/40 [00:10<00:01, 12.01it/s]
slice data vertically and clustering:  78%|███████▊  | 31/40 [00:10<00:00, 25.88it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:10<00:00,  3.76it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       91 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      MMMMMMMMMMMMMMM   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.10%                                          |        1 /       91 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  71.11% ::::::::::::::::::::::::::::             |       64 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  73.33% :::::::::::::::::::::::::::::            |       66 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+  91.11% ::::::::::::::::::::::::::::::::::::     |       82 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+  85.56% ::::::::::::::::::::::::::::::::::       |       77 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+  91.11% ::::::::::::::::::::::::::::::::::::     |       82 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+  85.56% ::::::::::::::::::::::::::::::::::       |       77 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+  85.56% ::::::::::::::::::::::::::::::::::       |       77 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+  85.56% ::::::::::::::::::::::::::::::::::       |       77 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  85.56% ::::::::::::::::::::::::::::::::::       |       77 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+  71.43% ::::::::::::::::::::::::::::             |       65 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM  79.12% :::::::::::::::::::::::::::::::          |       72 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  82.22% ::::::::::::::::::::::::::::::::         |       74 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+  73.63% :::::::::::::::::::::::::::::            |       67 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  84.44% :::::::::::::::::::::::::::::::::        |       76 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       91 /       91 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/6 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 6/6 [00:00<00:00, 90.12it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:01,  3.00it/s]
 67%|██████▋   | 4/6 [00:00<00:00,  9.44it/s]
100%|██████████| 6/6 [00:00<00:00, 11.13it/s]
100%|██████████| 6/6 [00:00<00:00,  9.52it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/045/0.3/045_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/045/0.2/045_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/045/0.0/045_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/045/0.2/045_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/045/0.1/045_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/045/0.1/045_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/046.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/046
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/046.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/046
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.02it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:12,  2.14s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:06<00:11,  2.21s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:08<00:09,  2.42s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:11<00:07,  2.54s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:14<00:05,  2.53s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:17<00:02,  2.72s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:21<00:00,  3.05s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:21<00:00,  2.64s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:20,  1.86it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:31,  1.22it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:39,  1.08s/it]
slice data vertically and clustering:  10%|█         | 4/40 [00:04<00:45,  1.26s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:06<00:50,  1.44s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:07<00:49,  1.46s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:08<00:45,  1.39s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:09<00:40,  1.26s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:10<00:33,  1.08s/it]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:11<00:27,  1.08it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:11<00:22,  1.29it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:12<00:18,  1.53it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:12<00:14,  1.83it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:12<00:11,  2.23it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:12<00:09,  2.71it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:12<00:07,  3.29it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:13<00:05,  3.98it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:13<00:03,  5.73it/s]
slice data vertically and clustering:  52%|█████▎    | 21/40 [00:13<00:02,  7.69it/s]
slice data vertically and clustering:  60%|██████    | 24/40 [00:13<00:01, 11.35it/s]
slice data vertically and clustering:  75%|███████▌  | 30/40 [00:13<00:00, 20.89it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:13<00:00,  2.94it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+MMMMMMMMMMMMMMM   0.96%                                          |        1 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      104 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      
+   0.00%                                          |        0 /      103 |      MMMMMMMMMMMMMMM  51.92% ::::::::::::::::::::                     |       54 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.96%                                          |        1 /      104 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      
+   0.97%                                          |        1 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  57.69% :::::::::::::::::::::::                  |       60 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+   0.96%                                          |        1 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+  75.00% ::::::::::::::::::::::::::::::           |       78 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  57.69% :::::::::::::::::::::::                  |       60 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+  73.08% :::::::::::::::::::::::::::::            |       76 /      104 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  68.93% :::::::::::::::::::::::::::              |       71 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  74.76% :::::::::::::::::::::::::::::            |       77 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  63.46% :::::::::::::::::::::::::                |       66 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+  73.79% :::::::::::::::::::::::::::::            |       76 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+  65.38% ::::::::::::::::::::::::::               |       68 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+  70.87% ::::::::::::::::::::::::::::             |       73 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+  61.54% ::::::::::::::::::::::::                 |       64 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  64.42% :::::::::::::::::::::::::                |       67 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+  77.88% :::::::::::::::::::::::::::::::          |       81 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+  60.58% ::::::::::::::::::::::::                 |       63 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      104 /      104 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      103 /      103 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/9 [00:00<?, ?it/s]
writing stems to file:  67%|██████▋   | 6/9 [00:00<00:00, 53.77it/s]
writing stems to file: 100%|██████████| 9/9 [00:00<00:00, 63.62it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/9 [00:00<?, ?it/s]
 11%|█         | 1/9 [00:00<00:02,  2.67it/s]
 22%|██▏       | 2/9 [00:00<00:01,  4.22it/s]
 33%|███▎      | 3/9 [00:00<00:01,  5.70it/s]
 44%|████▍     | 4/9 [00:00<00:01,  5.00it/s]
 67%|██████▋   | 6/9 [00:01<00:00,  7.46it/s]
 78%|███████▊  | 7/9 [00:01<00:00,  7.31it/s]
 89%|████████▉ | 8/9 [00:01<00:00,  7.28it/s]
100%|██████████| 9/9 [00:01<00:00,  6.80it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.2/046_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.7/046_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.2/046_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.1/046_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.0/046_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.1/046_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.2/046_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.0/046_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/046/0.0/046_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/047.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/047
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/047.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/047
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:02<00:16,  2.35s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:04<00:12,  2.01s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:08,  1.77s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.87s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.88s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.06s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.38s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.57s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.25s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/39 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/39 [00:00<00:15,  2.42it/s]
slice data vertically and clustering:   5%|▌         | 2/39 [00:01<00:26,  1.40it/s]
slice data vertically and clustering:   8%|▊         | 3/39 [00:02<00:39,  1.10s/it]
slice data vertically and clustering:  10%|█         | 4/39 [00:04<00:48,  1.40s/it]
slice data vertically and clustering:  13%|█▎        | 5/39 [00:06<00:53,  1.58s/it]
slice data vertically and clustering:  15%|█▌        | 6/39 [00:07<00:48,  1.48s/it]
slice data vertically and clustering:  18%|█▊        | 7/39 [00:08<00:42,  1.32s/it]
slice data vertically and clustering:  21%|██        | 8/39 [00:09<00:34,  1.12s/it]
slice data vertically and clustering:  23%|██▎       | 9/39 [00:10<00:27,  1.08it/s]
slice data vertically and clustering:  26%|██▌       | 10/39 [00:10<00:21,  1.32it/s]
slice data vertically and clustering:  28%|██▊       | 11/39 [00:10<00:16,  1.67it/s]
slice data vertically and clustering:  31%|███       | 12/39 [00:10<00:12,  2.08it/s]
slice data vertically and clustering:  33%|███▎      | 13/39 [00:11<00:09,  2.60it/s]
slice data vertically and clustering:  36%|███▌      | 14/39 [00:11<00:07,  3.22it/s]
slice data vertically and clustering:  38%|███▊      | 15/39 [00:11<00:05,  4.02it/s]
slice data vertically and clustering:  44%|████▎     | 17/39 [00:11<00:03,  5.77it/s]
slice data vertically and clustering:  49%|████▊     | 19/39 [00:11<00:02,  7.76it/s]
slice data vertically and clustering:  56%|█████▋    | 22/39 [00:11<00:01, 11.38it/s]
slice data vertically and clustering:  69%|██████▉   | 27/39 [00:11<00:00, 18.94it/s]
slice data vertically and clustering: 100%|██████████| 39/39 [00:11<00:00,  3.26it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      
+   0.00%                                          |        0 /       88 |      MMMMMMMMMMMMMMM   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.14%                                          |        1 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  76.14% ::::::::::::::::::::::::::::::           |       67 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      MMMMMMMMMMMMMMM  84.27% :::::::::::::::::::::::::::::::::        |       75 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  95.45% ::::::::::::::::::::::::::::::::::::::   |       84 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+  95.45% ::::::::::::::::::::::::::::::::::::::   |       84 /       88 |      MMMMMMMMMMMMMMM  84.27% :::::::::::::::::::::::::::::::::        |       75 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+  95.45% ::::::::::::::::::::::::::::::::::::::   |       84 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  84.27% :::::::::::::::::::::::::::::::::        |       75 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  89.77% :::::::::::::::::::::::::::::::::::      |       79 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  84.27% :::::::::::::::::::::::::::::::::        |       75 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  88.64% :::::::::::::::::::::::::::::::::::      |       78 /       88 |      
+   1.14%                                          |        1 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  84.27% :::::::::::::::::::::::::::::::::        |       75 /       89 |      
+  96.63% ::::::::::::::::::::::::::::::::::::::   |       86 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM  84.27% :::::::::::::::::::::::::::::::::        |       75 /       89 |      
+  96.63% ::::::::::::::::::::::::::::::::::::::   |       86 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  96.63% ::::::::::::::::::::::::::::::::::::::   |       86 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  68.54% :::::::::::::::::::::::::::              |       61 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  96.63% ::::::::::::::::::::::::::::::::::::::   |       86 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  86.52% ::::::::::::::::::::::::::::::::::       |       77 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  96.63% ::::::::::::::::::::::::::::::::::::::   |       86 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+  95.51% ::::::::::::::::::::::::::::::::::::::   |       85 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+   1.14%                                          |        1 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+  95.51% ::::::::::::::::::::::::::::::::::::::   |       85 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  44.32% :::::::::::::::::                        |       39 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+  95.51% ::::::::::::::::::::::::::::::::::::::   |       85 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       77 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+  95.51% ::::::::::::::::::::::::::::::::::::::   |       85 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+  81.82% ::::::::::::::::::::::::::::::::         |       72 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       88 /       88 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 80.36it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:01,  3.62it/s]
 60%|██████    | 3/5 [00:00<00:00,  7.78it/s]
100%|██████████| 5/5 [00:00<00:00,  9.84it/s]
100%|██████████| 5/5 [00:00<00:00,  8.58it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/047/0.1/047_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/047/0.2/047_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/047/0.2/047_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/047/0.0/047_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/047/0.0/047_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/062.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/062
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/062.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/062
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.12it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:12,  2.02s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.88s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.77s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.12s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.48s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.67s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.72s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.35s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:18,  2.09it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:24,  1.55it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:32,  1.16it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:37,  1.05s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:42,  1.23s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:43,  1.27s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:07<00:40,  1.22s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:08<00:33,  1.06s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:09<00:28,  1.10it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:09<00:23,  1.29it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:09<00:18,  1.54it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:10<00:15,  1.83it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:10<00:12,  2.24it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:10<00:09,  2.74it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:10<00:07,  3.37it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:10<00:04,  4.99it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:10<00:03,  6.83it/s]
slice data vertically and clustering:  55%|█████▌    | 22/40 [00:11<00:01, 10.27it/s]
slice data vertically and clustering:  70%|███████   | 28/40 [00:11<00:00, 18.95it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:11<00:00,  3.55it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       93 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      
+   0.00%                                          |        0 /       92 |      MMMMMMMMMMMMMMM   1.08%                                          |        1 /       93 |      
+  68.82% :::::::::::::::::::::::::::              |       64 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.08%                                          |        1 /       93 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      
+   1.09%                                          |        1 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+  68.82% :::::::::::::::::::::::::::              |       64 /       93 |      
+  79.57% :::::::::::::::::::::::::::::::          |       74 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  74.19% :::::::::::::::::::::::::::::            |       69 /       93 |      
+  80.65% ::::::::::::::::::::::::::::::::         |       75 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  88.17% :::::::::::::::::::::::::::::::::::      |       82 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  79.57% :::::::::::::::::::::::::::::::          |       74 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  74.19% :::::::::::::::::::::::::::::            |       69 /       93 |      
+  80.65% ::::::::::::::::::::::::::::::::         |       75 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  88.17% :::::::::::::::::::::::::::::::::::      |       82 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  79.57% :::::::::::::::::::::::::::::::          |       74 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  74.19% :::::::::::::::::::::::::::::            |       69 /       93 |      
+  80.65% ::::::::::::::::::::::::::::::::         |       75 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+   1.08%                                          |        1 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  74.19% :::::::::::::::::::::::::::::            |       69 /       93 |      
+  80.65% ::::::::::::::::::::::::::::::::         |       75 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+   1.08%                                          |        1 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  74.19% :::::::::::::::::::::::::::::            |       69 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+  74.19% :::::::::::::::::::::::::::::            |       69 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM  73.12% :::::::::::::::::::::::::::::            |       68 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  80.43% ::::::::::::::::::::::::::::::::         |       74 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+   1.08%                                          |        1 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+  88.04% :::::::::::::::::::::::::::::::::::      |       81 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+  62.37% ::::::::::::::::::::::::                 |       58 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+  82.80% :::::::::::::::::::::::::::::::::        |       77 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+  62.37% ::::::::::::::::::::::::                 |       58 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  83.87% :::::::::::::::::::::::::::::::::        |       78 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  70.97% ::::::::::::::::::::::::::::             |       66 /       93 |      
+  62.37% ::::::::::::::::::::::::                 |       58 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  62.37% ::::::::::::::::::::::::                 |       58 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  78.49% :::::::::::::::::::::::::::::::          |       73 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  62.37% ::::::::::::::::::::::::                 |       58 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  51.61% ::::::::::::::::::::                     |       48 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+  62.37% ::::::::::::::::::::::::                 |       58 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       93 /       93 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       92 /       92 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 74.03it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 73.87it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:02,  2.61it/s]
 38%|███▊      | 3/8 [00:00<00:00,  6.99it/s]
 75%|███████▌  | 6/8 [00:00<00:00, 10.79it/s]
100%|██████████| 8/8 [00:00<00:00, 10.23it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.3/062_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.3/062_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.1/062_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.1/062_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.0/062_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.0/062_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.3/062_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/062/0.1/062_T4.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/063.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/063
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/063.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/063
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:08,  1.18s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:09,  1.52s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:09,  1.97s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:08<00:09,  2.33s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:11<00:07,  2.49s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.51s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.78s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.93s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.53s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:19,  2.01it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:28,  1.35it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:34,  1.06it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:39,  1.11s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:44,  1.27s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:44,  1.31s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:08<00:41,  1.25s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:08<00:36,  1.14s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:09<00:30,  1.03it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:10<00:24,  1.21it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:10<00:20,  1.44it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:10<00:16,  1.71it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:10<00:12,  2.09it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:11<00:10,  2.55it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:11<00:07,  3.13it/s]
slice data vertically and clustering:  40%|████      | 16/40 [00:11<00:06,  3.81it/s]
slice data vertically and clustering:  45%|████▌     | 18/40 [00:11<00:03,  5.56it/s]
slice data vertically and clustering:  50%|█████     | 20/40 [00:11<00:02,  7.53it/s]
slice data vertically and clustering:  57%|█████▊    | 23/40 [00:11<00:01, 11.16it/s]
slice data vertically and clustering:  72%|███████▎  | 29/40 [00:11<00:00, 20.46it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:12<00:00,  3.32it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+MMMMMMMMMMMMMMM   1.01%                                          |        1 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      MMMMMMMMMMMMMMM  50.51% ::::::::::::::::::::                     |       50 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM  50.51% ::::::::::::::::::::                     |       50 /       99 |      
+  65.66% ::::::::::::::::::::::::::               |       65 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  76.77% ::::::::::::::::::::::::::::::           |       76 /       99 |      
+  59.60% :::::::::::::::::::::::                  |       59 /       99 |      
+  77.78% :::::::::::::::::::::::::::::::          |       77 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+  77.78% :::::::::::::::::::::::::::::::          |       77 /       99 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM  50.51% ::::::::::::::::::::                     |       50 /       99 |      
+  65.66% ::::::::::::::::::::::::::               |       65 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  76.77% ::::::::::::::::::::::::::::::           |       76 /       99 |      
+  59.60% :::::::::::::::::::::::                  |       59 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+  77.78% :::::::::::::::::::::::::::::::          |       77 /       99 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM  50.51% ::::::::::::::::::::                     |       50 /       99 |      
+  65.66% ::::::::::::::::::::::::::               |       65 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  76.77% ::::::::::::::::::::::::::::::           |       76 /       99 |      
+  59.60% :::::::::::::::::::::::                  |       59 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  65.66% ::::::::::::::::::::::::::               |       65 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  76.77% ::::::::::::::::::::::::::::::           |       76 /       99 |      
+  59.60% :::::::::::::::::::::::                  |       59 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  65.66% ::::::::::::::::::::::::::               |       65 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  59.60% :::::::::::::::::::::::                  |       59 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  65.66% ::::::::::::::::::::::::::               |       65 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  74.75% :::::::::::::::::::::::::::::            |       74 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  87.88% :::::::::::::::::::::::::::::::::::      |       87 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+  70.71% ::::::::::::::::::::::::::::             |       70 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  63.64% :::::::::::::::::::::::::                |       63 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+   1.01%                                          |        1 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  58.59% :::::::::::::::::::::::                  |       58 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  73.47% :::::::::::::::::::::::::::::            |       72 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  58.59% :::::::::::::::::::::::                  |       58 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/14 [00:00<?, ?it/s]
writing stems to file:  43%|████▎     | 6/14 [00:00<00:00, 52.69it/s]
writing stems to file: 100%|██████████| 14/14 [00:00<00:00, 69.76it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/14 [00:00<?, ?it/s]
  7%|▋         | 1/14 [00:00<00:05,  2.19it/s]
 14%|█▍        | 2/14 [00:00<00:03,  3.20it/s]
 29%|██▊       | 4/14 [00:00<00:01,  6.26it/s]
 43%|████▎     | 6/14 [00:00<00:00,  8.02it/s]
 57%|█████▋    | 8/14 [00:01<00:00,  7.82it/s]
 79%|███████▊  | 11/14 [00:01<00:00, 10.97it/s]
 93%|█████████▎| 13/14 [00:01<00:00,  9.55it/s]
100%|██████████| 14/14 [00:01<00:00,  8.34it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.8/063_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.3/063_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.1/063_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.1/063_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.2/063_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.3/063_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.1/063_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.1/063_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.2/063_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.0/063_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.1/063_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.0/063_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.0/063_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/063/0.0/063_T12.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/070.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/070
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/070.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/070
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:08,  1.21s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.29s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.57s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:05,  1.50s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:04,  1.62s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.01s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.19s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.44s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.00s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:11,  3.36it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:00<00:17,  2.06it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:01<00:24,  1.42it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:02<00:29,  1.16it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:32,  1.00it/s]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:32,  1.02s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:30,  1.02it/s]
slice data vertically and clustering:  21%|██        | 8/38 [00:06<00:26,  1.14it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:22,  1.31it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:07<00:18,  1.51it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:15,  1.77it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:08<00:12,  2.13it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:08<00:09,  2.56it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:08<00:07,  3.07it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:08<00:06,  3.68it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:04,  4.51it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  6.37it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:09<00:02,  8.60it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:09<00:01, 12.63it/s]
slice data vertically and clustering:  82%|████████▏ | 31/38 [00:09<00:00, 26.78it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:09<00:00,  4.00it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       90 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      
+   0.00%                                          |        0 /       89 |      MMMMMMMMMMMMMMM  74.44% :::::::::::::::::::::::::::::            |       67 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM  74.44% :::::::::::::::::::::::::::::            |       67 /       90 |      
+  74.44% :::::::::::::::::::::::::::::            |       67 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+   1.11%                                          |        1 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  89.89% :::::::::::::::::::::::::::::::::::      |       80 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  74.44% :::::::::::::::::::::::::::::            |       67 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+   1.12%                                          |        1 /       89 |      
+  89.89% :::::::::::::::::::::::::::::::::::      |       80 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  74.44% :::::::::::::::::::::::::::::            |       67 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+  78.89% :::::::::::::::::::::::::::::::          |       71 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.12%                                          |        1 /       89 |      
+  87.64% :::::::::::::::::::::::::::::::::::      |       78 /       89 |      
+  93.26% :::::::::::::::::::::::::::::::::::::    |       83 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  74.44% :::::::::::::::::::::::::::::            |       67 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.12%                                          |        1 /       89 |      
+  87.64% :::::::::::::::::::::::::::::::::::      |       78 /       89 |      
+  93.26% :::::::::::::::::::::::::::::::::::::    |       83 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+   1.12%                                          |        1 /       89 |      
+  87.64% :::::::::::::::::::::::::::::::::::      |       78 /       89 |      
+  93.26% :::::::::::::::::::::::::::::::::::::    |       83 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+  87.64% :::::::::::::::::::::::::::::::::::      |       78 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+  80.00% ::::::::::::::::::::::::::::::::         |       72 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  87.78% :::::::::::::::::::::::::::::::::::      |       79 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+   1.11%                                          |        1 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+   1.12%                                          |        1 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       75 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+  86.67% ::::::::::::::::::::::::::::::::::       |       78 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  75.56% ::::::::::::::::::::::::::::::           |       68 /       90 |      
+  86.67% ::::::::::::::::::::::::::::::::::       |       78 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  62.22% ::::::::::::::::::::::::                 |       56 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  86.67% ::::::::::::::::::::::::::::::::::       |       78 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  86.67% ::::::::::::::::::::::::::::::::::       |       78 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+  92.13% ::::::::::::::::::::::::::::::::::::     |       82 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  86.67% ::::::::::::::::::::::::::::::::::       |       78 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  67.42% ::::::::::::::::::::::::::               |       60 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+  72.22% ::::::::::::::::::::::::::::             |       65 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       90 /       90 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       89 /       89 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 110.39it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:01,  3.22it/s]
 60%|██████    | 3/5 [00:00<00:00,  7.81it/s]
100%|██████████| 5/5 [00:00<00:00,  7.01it/s]
100%|██████████| 5/5 [00:00<00:00,  6.65it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/070/0.2/070_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/070/0.1/070_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/070/0.0/070_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/070/0.0/070_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/070/0.0/070_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/071.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/071
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/071.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/071
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:08,  1.20s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.19s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.12s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.52s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.82s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:03,  2.00s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.27s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.50s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:16<00:00,  2.01s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/38 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/38 [00:00<00:15,  2.35it/s]
slice data vertically and clustering:   5%|▌         | 2/38 [00:01<00:20,  1.73it/s]
slice data vertically and clustering:   8%|▊         | 3/38 [00:02<00:27,  1.28it/s]
slice data vertically and clustering:  11%|█         | 4/38 [00:03<00:31,  1.07it/s]
slice data vertically and clustering:  13%|█▎        | 5/38 [00:04<00:35,  1.08s/it]
slice data vertically and clustering:  16%|█▌        | 6/38 [00:05<00:35,  1.10s/it]
slice data vertically and clustering:  18%|█▊        | 7/38 [00:06<00:32,  1.05s/it]
slice data vertically and clustering:  21%|██        | 8/38 [00:07<00:27,  1.08it/s]
slice data vertically and clustering:  24%|██▎       | 9/38 [00:07<00:23,  1.24it/s]
slice data vertically and clustering:  26%|██▋       | 10/38 [00:08<00:19,  1.43it/s]
slice data vertically and clustering:  29%|██▉       | 11/38 [00:08<00:16,  1.68it/s]
slice data vertically and clustering:  32%|███▏      | 12/38 [00:09<00:13,  1.99it/s]
slice data vertically and clustering:  34%|███▍      | 13/38 [00:09<00:10,  2.38it/s]
slice data vertically and clustering:  37%|███▋      | 14/38 [00:09<00:08,  2.86it/s]
slice data vertically and clustering:  39%|███▉      | 15/38 [00:09<00:06,  3.43it/s]
slice data vertically and clustering:  42%|████▏     | 16/38 [00:09<00:05,  4.13it/s]
slice data vertically and clustering:  47%|████▋     | 18/38 [00:09<00:03,  5.85it/s]
slice data vertically and clustering:  53%|█████▎    | 20/38 [00:10<00:02,  7.81it/s]
slice data vertically and clustering:  61%|██████    | 23/38 [00:10<00:01, 11.47it/s]
slice data vertically and clustering:  79%|███████▉  | 30/38 [00:10<00:00, 23.20it/s]
slice data vertically and clustering: 100%|██████████| 38/38 [00:10<00:00,  3.70it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      
+   0.00%                                          |        0 /      102 |      MMMMMMMMMMMMMMM   0.98%                                          |        1 /      102 |      
+  49.02% :::::::::::::::::::                      |       50 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      
+   0.98%                                          |        1 /      102 |      MMMMMMMMMMMMMMM  79.41% :::::::::::::::::::::::::::::::          |       81 /      102 |      
+  49.02% :::::::::::::::::::                      |       50 /      102 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  77.45% ::::::::::::::::::::::::::::::           |       79 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  49.02% :::::::::::::::::::                      |       50 /      102 |      
+  68.63% :::::::::::::::::::::::::::              |       70 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  77.45% ::::::::::::::::::::::::::::::           |       79 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  49.02% :::::::::::::::::::                      |       50 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+  77.45% ::::::::::::::::::::::::::::::           |       79 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  49.02% :::::::::::::::::::                      |       50 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  76.47% ::::::::::::::::::::::::::::::           |       78 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  49.02% :::::::::::::::::::                      |       50 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+  72.55% :::::::::::::::::::::::::::::            |       74 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+  73.53% :::::::::::::::::::::::::::::            |       75 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  64.71% :::::::::::::::::::::::::                |       66 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  62.75% :::::::::::::::::::::::::                |       64 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+  71.57% ::::::::::::::::::::::::::::             |       73 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+  78.43% :::::::::::::::::::::::::::::::          |       80 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  67.65% :::::::::::::::::::::::::::              |       69 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  58.82% :::::::::::::::::::::::                  |       60 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+  52.94% :::::::::::::::::::::                    |       54 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |      102 /      102 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 97.59it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  3.27it/s]
100%|██████████| 2/2 [00:00<00:00,  5.03it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/071/0.1/071_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/071/0.1/071_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/074.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/074
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/074.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/074
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.70it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:05,  1.12it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:09,  1.86s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.24s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:07,  2.39s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:13<00:05,  2.56s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:16<00:02,  2.75s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  3.13s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:20<00:00,  2.52s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/42 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/42 [00:00<00:19,  2.12it/s]
slice data vertically and clustering:   5%|▍         | 2/42 [00:01<00:25,  1.58it/s]
slice data vertically and clustering:   7%|▋         | 3/42 [00:02<00:33,  1.17it/s]
slice data vertically and clustering:  10%|▉         | 4/42 [00:03<00:39,  1.05s/it]
slice data vertically and clustering:  12%|█▏        | 5/42 [00:05<00:45,  1.22s/it]
slice data vertically and clustering:  14%|█▍        | 6/42 [00:06<00:45,  1.25s/it]
slice data vertically and clustering:  17%|█▋        | 7/42 [00:07<00:41,  1.19s/it]
slice data vertically and clustering:  19%|█▉        | 8/42 [00:08<00:35,  1.04s/it]
slice data vertically and clustering:  21%|██▏       | 9/42 [00:08<00:29,  1.13it/s]
slice data vertically and clustering:  24%|██▍       | 10/42 [00:09<00:23,  1.34it/s]
slice data vertically and clustering:  26%|██▌       | 11/42 [00:09<00:19,  1.60it/s]
slice data vertically and clustering:  29%|██▊       | 12/42 [00:09<00:15,  1.96it/s]
slice data vertically and clustering:  31%|███       | 13/42 [00:10<00:12,  2.40it/s]
slice data vertically and clustering:  33%|███▎      | 14/42 [00:10<00:09,  2.97it/s]
slice data vertically and clustering:  36%|███▌      | 15/42 [00:10<00:07,  3.73it/s]
slice data vertically and clustering:  40%|████      | 17/42 [00:10<00:04,  5.52it/s]
slice data vertically and clustering:  45%|████▌     | 19/42 [00:10<00:03,  7.66it/s]
slice data vertically and clustering:  52%|█████▏    | 22/42 [00:10<00:01, 11.49it/s]
slice data vertically and clustering:  67%|██████▋   | 28/42 [00:10<00:00, 20.92it/s]
slice data vertically and clustering: 100%|██████████| 42/42 [00:10<00:00,  3.86it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       83 |      
+MMMMMMMMMMMMMMM   1.19%                                          |        1 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       84 |      
+   0.00%                                          |        0 /       83 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |       63 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.20%                                          |        1 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       72 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+   1.19%                                          |        1 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+   1.20%                                          |        1 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+   1.20%                                          |        1 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+   1.20%                                          |        1 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  97.62% :::::::::::::::::::::::::::::::::::::::  |       82 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  83.33% :::::::::::::::::::::::::::::::::        |       70 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+  80.95% ::::::::::::::::::::::::::::::::         |       68 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+  94.05% :::::::::::::::::::::::::::::::::::::    |       79 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  76.19% ::::::::::::::::::::::::::::::           |       64 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  91.67% ::::::::::::::::::::::::::::::::::::     |       77 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+  89.29% :::::::::::::::::::::::::::::::::::      |       75 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+  77.38% ::::::::::::::::::::::::::::::           |       65 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+   1.19%                                          |        1 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       84 /       84 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       83 /       83 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/12 [00:00<?, ?it/s]
writing stems to file:  58%|█████▊    | 7/12 [00:00<00:00, 66.67it/s]
writing stems to file: 100%|██████████| 12/12 [00:00<00:00, 81.05it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/12 [00:00<?, ?it/s]
  8%|▊         | 1/12 [00:00<00:04,  2.31it/s]
 25%|██▌       | 3/12 [00:00<00:01,  5.39it/s]
 42%|████▏     | 5/12 [00:00<00:00,  8.53it/s]
 58%|█████▊    | 7/12 [00:00<00:00,  9.42it/s]
 75%|███████▌  | 9/12 [00:01<00:00, 11.46it/s]
 92%|█████████▏| 11/12 [00:01<00:00, 10.05it/s]
100%|██████████| 12/12 [00:01<00:00,  8.79it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.4/074_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.1/074_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.0/074_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.0/074_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.1/074_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.3/074_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.2/074_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.1/074_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.2/074_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.0/074_T10.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.0/074_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/074/0.4/074_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/085.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/085
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/085.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/085
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:09,  1.40s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.37s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:07,  1.46s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:06<00:07,  1.85s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:10<00:07,  2.53s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.49s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.59s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.85s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:19<00:00,  2.39s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/42 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/42 [00:00<00:10,  4.06it/s]
slice data vertically and clustering:   5%|▍         | 2/42 [00:00<00:15,  2.56it/s]
slice data vertically and clustering:   7%|▋         | 3/42 [00:01<00:20,  1.90it/s]
slice data vertically and clustering:  10%|▉         | 4/42 [00:02<00:24,  1.55it/s]
slice data vertically and clustering:  12%|█▏        | 5/42 [00:03<00:29,  1.23it/s]
slice data vertically and clustering:  14%|█▍        | 6/42 [00:04<00:31,  1.16it/s]
slice data vertically and clustering:  17%|█▋        | 7/42 [00:05<00:28,  1.24it/s]
slice data vertically and clustering:  19%|█▉        | 8/42 [00:05<00:24,  1.37it/s]
slice data vertically and clustering:  21%|██▏       | 9/42 [00:06<00:21,  1.55it/s]
slice data vertically and clustering:  24%|██▍       | 10/42 [00:06<00:17,  1.80it/s]
slice data vertically and clustering:  26%|██▌       | 11/42 [00:06<00:14,  2.17it/s]
slice data vertically and clustering:  29%|██▊       | 12/42 [00:06<00:11,  2.62it/s]
slice data vertically and clustering:  31%|███       | 13/42 [00:06<00:09,  3.18it/s]
slice data vertically and clustering:  33%|███▎      | 14/42 [00:07<00:07,  3.87it/s]
slice data vertically and clustering:  38%|███▊      | 16/42 [00:07<00:04,  5.56it/s]
slice data vertically and clustering:  43%|████▎     | 18/42 [00:07<00:03,  7.61it/s]
slice data vertically and clustering:  50%|█████     | 21/42 [00:07<00:01, 11.34it/s]
slice data vertically and clustering:  62%|██████▏   | 26/42 [00:07<00:00, 18.97it/s]
slice data vertically and clustering: 100%|██████████| 42/42 [00:07<00:00,  5.45it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       76 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      
+   0.00%                                          |        0 /       75 |      MMMMMMMMMMMMMMM   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      MMMMMMMMMMMMMMM  86.84% ::::::::::::::::::::::::::::::::::       |       66 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+  98.67% :::::::::::::::::::::::::::::::::::::::  |       74 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+  94.74% :::::::::::::::::::::::::::::::::::::    |       72 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+  71.05% ::::::::::::::::::::::::::::             |       54 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+   1.32%                                          |        1 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+   1.32%                                          |        1 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  92.00% ::::::::::::::::::::::::::::::::::::     |       69 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+   1.33%                                          |        1 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+  84.21% :::::::::::::::::::::::::::::::::        |       64 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       76 /       76 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       75 /       75 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/3 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 3/3 [00:00<00:00, 100.70it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  2.97it/s]
100%|██████████| 3/3 [00:00<00:00,  6.15it/s]
100%|██████████| 3/3 [00:00<00:00,  5.55it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/085/0.3/085_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/085/0.1/085_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/085/0.2/085_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/098.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/098
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/098.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/098
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:10,  1.44s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.41s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.27s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.04s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.97s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:12<00:04,  2.37s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.40s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.58s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:17<00:00,  2.20s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/42 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/42 [00:00<00:12,  3.23it/s]
slice data vertically and clustering:   5%|▍         | 2/42 [00:00<00:18,  2.12it/s]
slice data vertically and clustering:   7%|▋         | 3/42 [00:01<00:23,  1.63it/s]
slice data vertically and clustering:  10%|▉         | 4/42 [00:02<00:30,  1.23it/s]
slice data vertically and clustering:  12%|█▏        | 5/42 [00:04<00:35,  1.03it/s]
slice data vertically and clustering:  14%|█▍        | 6/42 [00:05<00:36,  1.01s/it]
slice data vertically and clustering:  17%|█▋        | 7/42 [00:05<00:31,  1.09it/s]
slice data vertically and clustering:  19%|█▉        | 8/42 [00:06<00:27,  1.24it/s]
slice data vertically and clustering:  21%|██▏       | 9/42 [00:06<00:22,  1.45it/s]
slice data vertically and clustering:  24%|██▍       | 10/42 [00:07<00:18,  1.72it/s]
slice data vertically and clustering:  26%|██▌       | 11/42 [00:07<00:14,  2.10it/s]
slice data vertically and clustering:  29%|██▊       | 12/42 [00:07<00:11,  2.54it/s]
slice data vertically and clustering:  31%|███       | 13/42 [00:07<00:09,  3.09it/s]
slice data vertically and clustering:  33%|███▎      | 14/42 [00:07<00:07,  3.79it/s]
slice data vertically and clustering:  38%|███▊      | 16/42 [00:08<00:04,  5.57it/s]
slice data vertically and clustering:  43%|████▎     | 18/42 [00:08<00:03,  7.66it/s]
slice data vertically and clustering:  50%|█████     | 21/42 [00:08<00:01, 11.50it/s]
slice data vertically and clustering:  67%|██████▋   | 28/42 [00:08<00:00, 22.93it/s]
slice data vertically and clustering: 100%|██████████| 42/42 [00:08<00:00,  4.97it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       87 |      
+   0.00%                                          |        0 /       86 |      
+   0.00%                                          |        0 /       86 |      MMMMMMMMMMMMMMM   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  63.22% :::::::::::::::::::::::::                |       55 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.16%                                          |        1 /       86 |      
+   1.16%                                          |        1 /       86 |      MMMMMMMMMMMMMMM   1.15%                                          |        1 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+   1.15%                                          |        1 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  93.10% :::::::::::::::::::::::::::::::::::::    |       81 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+  96.51% ::::::::::::::::::::::::::::::::::::::   |       83 /       86 |      MMMMMMMMMMMMMMM   1.15%                                          |        1 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+  87.36% ::::::::::::::::::::::::::::::::::       |       76 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  93.10% :::::::::::::::::::::::::::::::::::::    |       81 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  81.61% ::::::::::::::::::::::::::::::::         |       71 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+   1.15%                                          |        1 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  93.10% :::::::::::::::::::::::::::::::::::::    |       81 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  93.10% :::::::::::::::::::::::::::::::::::::    |       81 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  90.70% ::::::::::::::::::::::::::::::::::::     |       78 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+  90.80% ::::::::::::::::::::::::::::::::::::     |       79 /       87 |      
+  93.10% :::::::::::::::::::::::::::::::::::::    |       81 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  93.10% :::::::::::::::::::::::::::::::::::::    |       81 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  74.71% :::::::::::::::::::::::::::::            |       65 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  83.91% :::::::::::::::::::::::::::::::::        |       73 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  71.26% ::::::::::::::::::::::::::::             |       62 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+  88.51% :::::::::::::::::::::::::::::::::::      |       77 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  75.86% ::::::::::::::::::::::::::::::           |       66 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM  79.31% :::::::::::::::::::::::::::::::          |       69 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+  66.67% ::::::::::::::::::::::::::               |       58 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       87 /       87 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       86 /       86 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/3 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 3/3 [00:00<00:00, 102.50it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  4.53it/s]
100%|██████████| 3/3 [00:00<00:00,  8.22it/s]
100%|██████████| 3/3 [00:00<00:00,  7.59it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/098/0.1/098_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/098/0.1/098_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/098/0.2/098_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/104.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/104
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/104.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/104
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:06,  1.14it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:05,  1.11it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:02<00:04,  1.15it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:03<00:04,  1.06s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:05<00:03,  1.07s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:08<00:03,  1.81s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:02,  2.18s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  2.56s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:14<00:00,  1.83s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/40 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▎         | 1/40 [00:00<00:18,  2.10it/s]
slice data vertically and clustering:   5%|▌         | 2/40 [00:01<00:24,  1.58it/s]
slice data vertically and clustering:   8%|▊         | 3/40 [00:02<00:31,  1.18it/s]
slice data vertically and clustering:  10%|█         | 4/40 [00:03<00:36,  1.02s/it]
slice data vertically and clustering:  12%|█▎        | 5/40 [00:05<00:41,  1.19s/it]
slice data vertically and clustering:  15%|█▌        | 6/40 [00:06<00:41,  1.23s/it]
slice data vertically and clustering:  18%|█▊        | 7/40 [00:07<00:38,  1.17s/it]
slice data vertically and clustering:  20%|██        | 8/40 [00:08<00:32,  1.02s/it]
slice data vertically and clustering:  22%|██▎       | 9/40 [00:08<00:26,  1.15it/s]
slice data vertically and clustering:  25%|██▌       | 10/40 [00:09<00:22,  1.36it/s]
slice data vertically and clustering:  28%|██▊       | 11/40 [00:09<00:17,  1.63it/s]
slice data vertically and clustering:  30%|███       | 12/40 [00:09<00:14,  1.98it/s]
slice data vertically and clustering:  32%|███▎      | 13/40 [00:09<00:11,  2.41it/s]
slice data vertically and clustering:  35%|███▌      | 14/40 [00:10<00:08,  2.97it/s]
slice data vertically and clustering:  38%|███▊      | 15/40 [00:10<00:06,  3.65it/s]
slice data vertically and clustering:  42%|████▎     | 17/40 [00:10<00:04,  5.39it/s]
slice data vertically and clustering:  48%|████▊     | 19/40 [00:10<00:02,  7.35it/s]
slice data vertically and clustering:  55%|█████▌    | 22/40 [00:10<00:01, 11.06it/s]
slice data vertically and clustering:  75%|███████▌  | 30/40 [00:10<00:00, 24.16it/s]
slice data vertically and clustering: 100%|██████████| 40/40 [00:10<00:00,  3.73it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+MMMMMMMMMMMMMMM   1.01%                                          |        1 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       99 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      
+   0.00%                                          |        0 /       98 |      MMMMMMMMMMMMMMM  69.70% :::::::::::::::::::::::::::              |       69 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.01%                                          |        1 /       99 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      
+   1.02%                                          |        1 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+  85.71% ::::::::::::::::::::::::::::::::::       |       84 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  78.57% :::::::::::::::::::::::::::::::          |       77 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+  81.63% ::::::::::::::::::::::::::::::::         |       80 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  78.57% :::::::::::::::::::::::::::::::          |       77 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+  78.57% :::::::::::::::::::::::::::::::          |       77 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  79.59% :::::::::::::::::::::::::::::::          |       78 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  72.45% ::::::::::::::::::::::::::::             |       71 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+  76.53% ::::::::::::::::::::::::::::::           |       75 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  83.67% :::::::::::::::::::::::::::::::::        |       82 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+   1.01%                                          |        1 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  73.74% :::::::::::::::::::::::::::::            |       73 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  75.51% ::::::::::::::::::::::::::::::           |       74 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+  56.12% ::::::::::::::::::::::                   |       55 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+  80.81% ::::::::::::::::::::::::::::::::         |       80 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+   1.02%                                          |        1 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+  84.69% :::::::::::::::::::::::::::::::::        |       83 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       99 /       99 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       98 /       98 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/5 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 5/5 [00:00<00:00, 94.19it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:00,  7.08it/s]
 60%|██████    | 3/5 [00:00<00:00, 11.28it/s]
100%|██████████| 5/5 [00:00<00:00, 13.65it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/104/0.1/104_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/104/0.3/104_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/104/0.2/104_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/104/0.0/104_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/104/0.0/104_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/125.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/125
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/125.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/125
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:03,  2.30it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.13it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:01<00:02,  1.89it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:02<00:02,  1.42it/s]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:03<00:02,  1.05it/s]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:05<00:02,  1.15s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:07<00:01,  1.54s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:09<00:00,  1.61s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:09<00:00,  1.19s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/36 [00:00<?, ?it/s]
slice data vertically and clustering:   3%|▎         | 1/36 [00:00<00:07,  4.90it/s]
slice data vertically and clustering:   6%|▌         | 2/36 [00:00<00:09,  3.74it/s]
slice data vertically and clustering:   8%|▊         | 3/36 [00:00<00:11,  2.81it/s]
slice data vertically and clustering:  11%|█         | 4/36 [00:01<00:14,  2.16it/s]
slice data vertically and clustering:  14%|█▍        | 5/36 [00:02<00:16,  1.85it/s]
slice data vertically and clustering:  17%|█▋        | 6/36 [00:02<00:16,  1.80it/s]
slice data vertically and clustering:  19%|█▉        | 7/36 [00:03<00:15,  1.90it/s]
slice data vertically and clustering:  22%|██▏       | 8/36 [00:03<00:13,  2.11it/s]
slice data vertically and clustering:  25%|██▌       | 9/36 [00:03<00:10,  2.48it/s]
slice data vertically and clustering:  28%|██▊       | 10/36 [00:04<00:08,  2.91it/s]
slice data vertically and clustering:  31%|███       | 11/36 [00:04<00:07,  3.48it/s]
slice data vertically and clustering:  33%|███▎      | 12/36 [00:04<00:05,  4.15it/s]
slice data vertically and clustering:  39%|███▉      | 14/36 [00:04<00:03,  5.88it/s]
slice data vertically and clustering:  44%|████▍     | 16/36 [00:04<00:02,  7.96it/s]
slice data vertically and clustering:  53%|█████▎    | 19/36 [00:04<00:01, 11.98it/s]
slice data vertically and clustering:  75%|███████▌  | 27/36 [00:04<00:00, 25.85it/s]
slice data vertically and clustering: 100%|██████████| 36/36 [00:04<00:00,  7.25it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      MMMMMMMMMMMMMMM   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+  96.20% ::::::::::::::::::::::::::::::::::::::   |       76 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   0.00%                                          |        0 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  98.73% :::::::::::::::::::::::::::::::::::::::  |       78 /       79 |      
+  96.20% ::::::::::::::::::::::::::::::::::::::   |       76 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+  96.20% ::::::::::::::::::::::::::::::::::::::   |       76 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/9 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 9/9 [00:00<00:00, 116.00it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/9 [00:00<?, ?it/s]
 11%|█         | 1/9 [00:00<00:01,  4.21it/s]
 33%|███▎      | 3/9 [00:00<00:00, 10.05it/s]
 78%|███████▊  | 7/9 [00:00<00:00, 19.60it/s]
100%|██████████| 9/9 [00:00<00:00, 17.56it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.5/125_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.2/125_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.1/125_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.1/125_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.1/125_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.0/125_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.3/125_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.1/125_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/125/0.0/125_T7.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/140.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/140
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/140.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/140
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.37it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.06it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:01<00:03,  1.50it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:02<00:02,  1.36it/s]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:03<00:02,  1.26it/s]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:05<00:02,  1.25s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:08<00:01,  1.64s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:11<00:00,  2.05s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:11<00:00,  1.39s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  8.21it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:07,  5.24it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:11,  3.36it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:15,  2.37it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:19,  1.88it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:02<00:19,  1.84it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:17,  1.97it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.20it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:03<00:12,  2.59it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:03<00:10,  3.09it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:08,  3.70it/s]
slice data vertically and clustering:  29%|██▉       | 12/41 [00:04<00:06,  4.44it/s]
slice data vertically and clustering:  34%|███▍      | 14/41 [00:04<00:04,  6.36it/s]
slice data vertically and clustering:  41%|████▏     | 17/41 [00:04<00:02,  9.91it/s]
slice data vertically and clustering:  54%|█████▎    | 22/41 [00:04<00:01, 17.52it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.82it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+MMMMMMMMMMMMMMM   1.25%                                          |        1 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       80 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      
+   0.00%                                          |        0 /       79 |      MMMMMMMMMMMMMMM  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+   1.25%                                          |        1 /       80 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+   1.25%                                          |        1 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+   1.25%                                          |        1 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+  91.25% ::::::::::::::::::::::::::::::::::::     |       73 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+   1.27%                                          |        1 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+  87.50% :::::::::::::::::::::::::::::::::::      |       70 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+  97.50% :::::::::::::::::::::::::::::::::::::::  |       78 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  96.25% ::::::::::::::::::::::::::::::::::::::   |       77 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  77.50% :::::::::::::::::::::::::::::::          |       62 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+  95.00% ::::::::::::::::::::::::::::::::::::::   |       76 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+   1.27%                                          |        1 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       80 /       80 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       79 /       79 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/8 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 8/8 [00:00<00:00, 129.19it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:00<00:01,  3.81it/s]
 38%|███▊      | 3/8 [00:00<00:00,  9.50it/s]
 75%|███████▌  | 6/8 [00:00<00:00, 16.20it/s]
100%|██████████| 8/8 [00:00<00:00, 15.07it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.2/140_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.4/140_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.0/140_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.1/140_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.0/140_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.1/140_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.0/140_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/140/0.0/140_T5.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/151.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/151
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/151.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/151
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:04,  1.71it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:08,  1.42s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.39s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.60s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:05,  1.76s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:10<00:04,  2.14s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:13<00:02,  2.20s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.35s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  1.97s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  9.04it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:07,  4.92it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:13,  2.79it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:18,  2.00it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:21,  1.66it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:03<00:21,  1.66it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:18,  1.81it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.12it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:04<00:12,  2.53it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:04<00:10,  3.05it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:08,  3.70it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:04<00:05,  5.43it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:04<00:03,  7.61it/s]
slice data vertically and clustering:  46%|████▋     | 19/41 [00:04<00:01, 13.38it/s]
slice data vertically and clustering:  71%|███████   | 29/41 [00:04<00:00, 30.55it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.47it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       58 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      
+   0.00%                                          |        0 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.72%                                          |        1 /       58 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+   1.75%                                          |        1 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+  65.52% ::::::::::::::::::::::::::               |       38 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       58 /       58 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       57 /       57 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        2 |      
+   0.00%                                          |        0 /        2 |      
+   0.00%                                          |        0 /        2 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        2 |      
+   0.00%                                          |        0 /        2 |      
+   0.00%                                          |        0 /        2 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  50.00% ::::::::::::::::::::                     |        1 /        2 |      
+  50.00% ::::::::::::::::::::                     |        1 /        2 |      
+  50.00% ::::::::::::::::::::                     |        1 /        2 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  50.00% ::::::::::::::::::::                     |        1 /        2 |      
+  50.00% ::::::::::::::::::::                     |        1 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  50.00% ::::::::::::::::::::                     |        1 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        2 /        2 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/16 [00:00<?, ?it/s]
writing stems to file:  56%|█████▋    | 9/16 [00:00<00:00, 87.25it/s]
writing stems to file: 100%|██████████| 16/16 [00:00<00:00, 102.23it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/16 [00:00<?, ?it/s]
  6%|▋         | 1/16 [00:00<00:04,  3.23it/s]
 12%|█▎        | 2/16 [00:00<00:02,  4.81it/s]
 25%|██▌       | 4/16 [00:00<00:01,  8.44it/s]
 38%|███▊      | 6/16 [00:00<00:00, 10.83it/s]
 50%|█████     | 8/16 [00:00<00:00, 11.69it/s]
 62%|██████▎   | 10/16 [00:01<00:00, 12.34it/s]
 81%|████████▏ | 13/16 [00:01<00:00, 14.28it/s]
 94%|█████████▍| 15/16 [00:01<00:00, 10.98it/s]
100%|██████████| 16/16 [00:01<00:00, 10.69it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.3/151_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.3/151_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.1/151_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.1/151_T6.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T8.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.2/151_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.3/151_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.1/151_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T14.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T12.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T15.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T9.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.1/151_T7.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T11.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T13.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/151/0.0/151_T10.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/162.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/162
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/162.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/162
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:02,  2.95it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:00<00:02,  2.24it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:01<00:02,  1.94it/s]
read in neighbouring tiles:  50%|█████     | 4/8 [00:02<00:02,  1.45it/s]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:03<00:02,  1.29it/s]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:04<00:01,  1.03it/s]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:06<00:01,  1.20s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:08<00:00,  1.62s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:08<00:00,  1.11s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:05,  7.01it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:08,  4.35it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:12,  2.98it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:16,  2.28it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:19,  1.88it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:02<00:18,  1.89it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:15,  2.13it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:12,  2.55it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:03<00:10,  3.04it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:03<00:08,  3.61it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:03<00:06,  4.31it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:03<00:04,  6.08it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:04<00:03,  8.10it/s]
slice data vertically and clustering:  44%|████▍     | 18/41 [00:04<00:01, 12.02it/s]
slice data vertically and clustering:  63%|██████▎   | 26/41 [00:04<00:00, 25.83it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  9.47it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      MMMMMMMMMMMMMMM   1.35%                                          |        1 /       74 |      
+  94.59% :::::::::::::::::::::::::::::::::::::    |       70 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+  67.57% :::::::::::::::::::::::::::              |       50 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  95.95% ::::::::::::::::::::::::::::::::::::::   |       71 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  89.19% :::::::::::::::::::::::::::::::::::      |       66 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+  83.78% :::::::::::::::::::::::::::::::::        |       62 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.35%                                          |        1 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        5 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      MMMMMMMMMMMMMMM  20.00% ::::::::                                 |        1 /        5 |      
+  20.00% ::::::::                                 |        1 /        5 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      MMMMMMMMMMMMMMM  40.00% ::::::::::::::::                         |        2 /        5 |      
+  40.00% ::::::::::::::::                         |        2 /        5 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  60.00% ::::::::::::::::::::::::                 |        3 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM  80.00% ::::::::::::::::::::::::::::::::         |        4 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        5 /        5 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/7 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 7/7 [00:00<00:00, 126.03it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/7 [00:00<?, ?it/s]
 14%|█▍        | 1/7 [00:00<00:01,  4.77it/s]
 57%|█████▋    | 4/7 [00:00<00:00, 13.43it/s]
100%|██████████| 7/7 [00:00<00:00, 19.00it/s]
100%|██████████| 7/7 [00:00<00:00, 15.91it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.2/162_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.1/162_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.1/162_T3.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.2/162_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.1/162_T4.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.0/162_T5.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/162/0.0/162_T6.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/182.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/182
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/182.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/182
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:11,  1.59s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.27s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:04<00:08,  1.70s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:08,  2.02s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:06,  2.01s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.20s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:14<00:02,  2.32s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  3.01s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.37s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/43 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/43 [00:00<00:10,  4.17it/s]
slice data vertically and clustering:   5%|▍         | 2/43 [00:00<00:16,  2.46it/s]
slice data vertically and clustering:   7%|▋         | 3/43 [00:01<00:22,  1.77it/s]
slice data vertically and clustering:   9%|▉         | 4/43 [00:02<00:30,  1.29it/s]
slice data vertically and clustering:  12%|█▏        | 5/43 [00:03<00:36,  1.03it/s]
slice data vertically and clustering:  14%|█▍        | 6/43 [00:05<00:37,  1.01s/it]
slice data vertically and clustering:  16%|█▋        | 7/43 [00:05<00:32,  1.09it/s]
slice data vertically and clustering:  19%|█▊        | 8/43 [00:06<00:28,  1.24it/s]
slice data vertically and clustering:  21%|██        | 9/43 [00:06<00:23,  1.43it/s]
slice data vertically and clustering:  23%|██▎       | 10/43 [00:07<00:19,  1.70it/s]
slice data vertically and clustering:  26%|██▌       | 11/43 [00:07<00:15,  2.08it/s]
slice data vertically and clustering:  28%|██▊       | 12/43 [00:07<00:12,  2.54it/s]
slice data vertically and clustering:  30%|███       | 13/43 [00:07<00:09,  3.13it/s]
slice data vertically and clustering:  33%|███▎      | 14/43 [00:07<00:07,  3.93it/s]
slice data vertically and clustering:  37%|███▋      | 16/43 [00:07<00:04,  5.79it/s]
slice data vertically and clustering:  42%|████▏     | 18/43 [00:08<00:03,  8.03it/s]
slice data vertically and clustering:  49%|████▉     | 21/43 [00:08<00:01, 12.06it/s]
slice data vertically and clustering:  63%|██████▎   | 27/43 [00:08<00:00, 21.56it/s]
slice data vertically and clustering: 100%|██████████| 43/43 [00:08<00:00,  5.15it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      
+   0.00%                                          |        0 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+  79.01% :::::::::::::::::::::::::::::::          |       64 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  86.42% ::::::::::::::::::::::::::::::::::       |       70 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  98.77% :::::::::::::::::::::::::::::::::::::::  |       80 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  95.06% ::::::::::::::::::::::::::::::::::::::   |       77 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  98.77% :::::::::::::::::::::::::::::::::::::::  |       80 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  95.06% ::::::::::::::::::::::::::::::::::::::   |       77 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  95.06% ::::::::::::::::::::::::::::::::::::::   |       77 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  97.53% :::::::::::::::::::::::::::::::::::::::  |       79 /       81 |      
+  95.06% ::::::::::::::::::::::::::::::::::::::   |       77 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  87.65% :::::::::::::::::::::::::::::::::::      |       71 /       81 |      
+  97.53% :::::::::::::::::::::::::::::::::::::::  |       79 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+  81.48% ::::::::::::::::::::::::::::::::         |       66 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  97.53% :::::::::::::::::::::::::::::::::::::::  |       79 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  97.53% :::::::::::::::::::::::::::::::::::::::  |       79 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.36% ::::::::::::::::::::::::::::::::::::     |       74 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM  96.30% ::::::::::::::::::::::::::::::::::::::   |       78 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.36% ::::::::::::::::::::::::::::::::::::     |       74 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  91.36% ::::::::::::::::::::::::::::::::::::     |       74 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+   1.23%                                          |        1 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+  83.95% :::::::::::::::::::::::::::::::::        |       68 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       81 /       81 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/1 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 1/1 [00:00<00:00, 115.49it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.05it/s]
100%|██████████| 1/1 [00:00<00:00,  2.05it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/182/0.0/182_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/183.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/183
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/183.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/183
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:01<00:07,  1.07s/it]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:03<00:10,  1.67s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:05<00:10,  2.02s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:07<00:07,  1.96s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:09<00:05,  1.96s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:11<00:04,  2.08s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:15<00:02,  2.79s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.85s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:18<00:00,  2.37s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/43 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/43 [00:00<00:09,  4.58it/s]
slice data vertically and clustering:   5%|▍         | 2/43 [00:00<00:15,  2.59it/s]
slice data vertically and clustering:   7%|▋         | 3/43 [00:01<00:23,  1.70it/s]
slice data vertically and clustering:   9%|▉         | 4/43 [00:02<00:31,  1.24it/s]
slice data vertically and clustering:  12%|█▏        | 5/43 [00:04<00:37,  1.01it/s]
slice data vertically and clustering:  14%|█▍        | 6/43 [00:05<00:37,  1.01s/it]
slice data vertically and clustering:  16%|█▋        | 7/43 [00:05<00:32,  1.11it/s]
slice data vertically and clustering:  19%|█▊        | 8/43 [00:06<00:27,  1.28it/s]
slice data vertically and clustering:  21%|██        | 9/43 [00:06<00:22,  1.51it/s]
slice data vertically and clustering:  23%|██▎       | 10/43 [00:06<00:17,  1.85it/s]
slice data vertically and clustering:  26%|██▌       | 11/43 [00:07<00:14,  2.25it/s]
slice data vertically and clustering:  28%|██▊       | 12/43 [00:07<00:11,  2.76it/s]
slice data vertically and clustering:  30%|███       | 13/43 [00:07<00:08,  3.41it/s]
slice data vertically and clustering:  35%|███▍      | 15/43 [00:07<00:05,  5.10it/s]
slice data vertically and clustering:  40%|███▉      | 17/43 [00:07<00:03,  7.16it/s]
slice data vertically and clustering:  47%|████▋     | 20/43 [00:07<00:02, 10.97it/s]
slice data vertically and clustering:  60%|██████    | 26/43 [00:07<00:00, 20.15it/s]
slice data vertically and clustering: 100%|██████████| 43/43 [00:08<00:00,  5.35it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       74 |      
+   0.00%                                          |        0 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      
+   0.00%                                          |        0 /       73 |      MMMMMMMMMMMMMMM   1.35%                                          |        1 /       74 |      
+  90.54% ::::::::::::::::::::::::::::::::::::     |       67 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM   1.35%                                          |        1 /       74 |      
+  90.54% ::::::::::::::::::::::::::::::::::::     |       67 /       74 |      
+   1.35%                                          |        1 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+  90.54% ::::::::::::::::::::::::::::::::::::     |       67 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  98.63% :::::::::::::::::::::::::::::::::::::::  |       72 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  98.63% :::::::::::::::::::::::::::::::::::::::  |       72 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  98.63% :::::::::::::::::::::::::::::::::::::::  |       72 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+  98.63% :::::::::::::::::::::::::::::::::::::::  |       72 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM  93.24% :::::::::::::::::::::::::::::::::::::    |       69 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+  93.15% :::::::::::::::::::::::::::::::::::::    |       68 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+   1.37%                                          |        1 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       74 /       74 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       73 /       73 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        4 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  25.00% ::::::::::                               |        1 /        4 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  50.00% ::::::::::::::::::::                     |        2 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+  75.00% ::::::::::::::::::::::::::::::           |        3 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        4 /        4 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/4 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 4/4 [00:00<00:00, 111.18it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:00<00:00,  3.57it/s]
 50%|█████     | 2/4 [00:00<00:00,  5.05it/s]
 75%|███████▌  | 3/4 [00:00<00:00,  5.84it/s]
100%|██████████| 4/4 [00:00<00:00,  6.41it/s]
100%|██████████| 4/4 [00:00<00:00,  5.77it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/183/0.3/183_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/183/0.0/183_T2.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/183/0.0/183_T1.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/183/0.0/183_T3.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/188.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/188
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/188.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/188
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:03,  1.93it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:01<00:03,  1.60it/s]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:05,  1.19s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.63s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:06<00:04,  1.60s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:09<00:03,  1.81s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:01,  1.87s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:13<00:00,  2.03s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:13<00:00,  1.69s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:04,  8.63it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:08,  4.31it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:12,  3.04it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:01<00:14,  2.47it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:01<00:13,  2.63it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:02<00:11,  3.01it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:02<00:09,  3.50it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:02<00:07,  4.17it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:02<00:04,  6.06it/s]
slice data vertically and clustering:  34%|███▍      | 14/41 [00:02<00:02,  9.52it/s]
slice data vertically and clustering:  49%|████▉     | 20/41 [00:02<00:01, 18.63it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:03<00:00, 13.46it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       51 |      
+   0.00%                                          |        0 /       51 |      
+   0.00%                                          |        0 /       51 |      
+   0.00%                                          |        0 /       51 |      
+MMMMMMMMMMMMMMM   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       52 |      
+   0.00%                                          |        0 /       51 |      
+   0.00%                                          |        0 /       51 |      
+   0.00%                                          |        0 /       51 |      
+   0.00%                                          |        0 /       51 |      MMMMMMMMMMMMMMM   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.96%                                          |        1 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+   1.92%                                          |        1 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+   1.96%                                          |        1 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       52 /       52 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       51 /       51 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/1 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 1/1 [00:00<00:00, 71.73it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.89it/s]
100%|██████████| 1/1 [00:00<00:00,  2.89it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/188/0.3/188_T0.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/202.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/202
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/202.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/202
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:05,  1.39it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.31s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.23s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.66s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:07<00:04,  1.62s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:09<00:03,  1.84s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:11<00:01,  1.98s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.36s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  1.89s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  9.10it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:07,  4.88it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:13,  2.75it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:18,  2.01it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:21,  1.68it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:03<00:20,  1.67it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:18,  1.82it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.14it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:03<00:12,  2.57it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:04<00:10,  3.09it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:07,  3.76it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:04<00:05,  5.53it/s]
slice data vertically and clustering:  37%|███▋      | 15/41 [00:04<00:03,  7.78it/s]
slice data vertically and clustering:  49%|████▉     | 20/41 [00:04<00:01, 15.18it/s]
slice data vertically and clustering:  80%|████████  | 33/41 [00:04<00:00, 38.48it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.60it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  85.00% ::::::::::::::::::::::::::::::::::       |       51 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  96.67% ::::::::::::::::::::::::::::::::::::::   |       58 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  96.67% ::::::::::::::::::::::::::::::::::::::   |       58 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 105.05it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  6.24it/s]
100%|██████████| 2/2 [00:00<00:00,  7.49it/s]
100%|██████████| 2/2 [00:00<00:00,  7.26it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/202/0.2/202_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/202/0.2/202_T1.leafon.ply
+Processing sample_playground/segmented_point_clouds/tiled/second.segmented/210.ply
+Output folder: sample_playground/instance_segmented_point_clouds/second.segmented/210
+INFO: Pandarallel will run on 16 workers.
+INFO: Pandarallel will use Memory file system to transfer data between the main process and workers.
+---- parameters ----
+tile                               sample_playground/segmented_point_clouds/tiled/second.segmented/210.ply
+odir                               sample_playground/instance_segmented_point_clouds/second.segmented/210
+tindex                             sample_playground/segmented_point_clouds/tiled/second.segmented/tile_index.dat
+n_tiles                            3
+overlap                            False
+slice_thickness                    0.5
+find_stems_height                  1.5
+find_stems_thickness               0.5
+find_stems_min_radius              0.025
+find_stems_min_points              50
+graph_edge_length                  1
+graph_maximum_cumulative_gap       3.0
+min_points_per_tree                0
+add_leaves                         True
+add_leaves_voxel_length            0.5
+add_leaves_edge_length             1
+save_diameter_class                True
+ignore_missing_tiles               True
+pandarallel                        True
+verbose                            True
+
read in neighbouring tiles:   0%|          | 0/8 [00:00<?, ?it/s]
read in neighbouring tiles:  12%|█▎        | 1/8 [00:00<00:05,  1.37it/s]
read in neighbouring tiles:  25%|██▌       | 2/8 [00:02<00:07,  1.32s/it]
read in neighbouring tiles:  38%|███▊      | 3/8 [00:03<00:06,  1.22s/it]
read in neighbouring tiles:  50%|█████     | 4/8 [00:05<00:06,  1.66s/it]
read in neighbouring tiles:  62%|██████▎   | 5/8 [00:08<00:05,  1.82s/it]
read in neighbouring tiles:  75%|███████▌  | 6/8 [00:09<00:03,  1.82s/it]
read in neighbouring tiles:  88%|████████▊ | 7/8 [00:12<00:02,  2.21s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  2.36s/it]
read in neighbouring tiles: 100%|██████████| 8/8 [00:15<00:00,  1.94s/it]
+
+----- skeletonisation started -----
+
slice data vertically and clustering:   0%|          | 0/41 [00:00<?, ?it/s]
slice data vertically and clustering:   2%|▏         | 1/41 [00:00<00:04,  9.78it/s]
slice data vertically and clustering:   5%|▍         | 2/41 [00:00<00:07,  5.04it/s]
slice data vertically and clustering:   7%|▋         | 3/41 [00:00<00:13,  2.82it/s]
slice data vertically and clustering:  10%|▉         | 4/41 [00:01<00:18,  2.03it/s]
slice data vertically and clustering:  12%|█▏        | 5/41 [00:02<00:21,  1.69it/s]
slice data vertically and clustering:  15%|█▍        | 6/41 [00:02<00:20,  1.69it/s]
slice data vertically and clustering:  17%|█▋        | 7/41 [00:03<00:18,  1.84it/s]
slice data vertically and clustering:  20%|█▉        | 8/41 [00:03<00:15,  2.17it/s]
slice data vertically and clustering:  22%|██▏       | 9/41 [00:03<00:12,  2.60it/s]
slice data vertically and clustering:  24%|██▍       | 10/41 [00:04<00:09,  3.15it/s]
slice data vertically and clustering:  27%|██▋       | 11/41 [00:04<00:07,  3.82it/s]
slice data vertically and clustering:  32%|███▏      | 13/41 [00:04<00:04,  5.64it/s]
slice data vertically and clustering:  39%|███▉      | 16/41 [00:04<00:02,  9.08it/s]
slice data vertically and clustering:  56%|█████▌    | 23/41 [00:04<00:00, 19.78it/s]
slice data vertically and clustering: 100%|██████████| 41/41 [00:04<00:00,  8.74it/s]fitting convex hulls to clusters
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+MMMMMMMMMMMMMMM   1.67%                                          |        1 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   0.00%                                          |        0 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   0.00%                                          |        0 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   0.00%                                          |        0 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+  48.33% :::::::::::::::::::                      |       29 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+   1.69%                                          |        1 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+   1.67%                                          |        1 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       60 /       60 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |       59 /       59 |      identifying stems...
+fitting cylinders to possible stems...
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      
+   0.00%                                          |        0 /        3 |      MMMMMMMMMMMMMMM  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      
+  33.33% :::::::::::::                            |        1 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+  66.67% ::::::::::::::::::::::::::               |        2 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      MMMMMMMMMMMMMMM 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      
+ 100.00% :::::::::::::::::::::::::::::::::::::::: |        3 /        3 |      generating graph, this may take a while...
+merging skeleton points with graph
+
writing stems to file:   0%|          | 0/2 [00:00<?, ?it/s]
writing stems to file: 100%|██████████| 2/2 [00:00<00:00, 81.45it/s]
+adding leaves to stems, this may take a while...
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  5.29it/s]
100%|██████████| 2/2 [00:00<00:00,  7.21it/s]
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/210/0.5/210_T0.leafon.ply
+leaf on saved to: sample_playground/instance_segmented_point_clouds/second.segmented/210/0.4/210_T1.leafon.ply
+INFO:root:Removing all the files in the folder and subfolders which contain the word 'leafoff'
+INFO:root:Labeling the ply files
+Labeling instances in ply files and merging them afterwards
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.25s/it]
100%|██████████| 2/2 [00:05<00:00,  2.62s/it]
100%|██████████| 2/2 [00:05<00:00,  2.57s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.60s/it]
100%|██████████| 1/1 [00:02<00:00,  2.60s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:05<00:20,  5.10s/it]
 40%|████      | 2/5 [00:05<00:07,  2.40s/it]
 60%|██████    | 3/5 [00:09<00:05,  2.95s/it]
 80%|████████  | 4/5 [00:13<00:03,  3.35s/it]
100%|██████████| 5/5 [00:13<00:00,  2.64s/it]
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:02<00:12,  2.48s/it]
 33%|███▎      | 2/6 [00:05<00:10,  2.55s/it]
 50%|█████     | 3/6 [00:06<00:06,  2.13s/it]
 67%|██████▋   | 4/6 [00:10<00:05,  2.88s/it]
 83%|████████▎ | 5/6 [00:13<00:02,  2.79s/it]
100%|██████████| 6/6 [00:13<00:00,  1.89s/it]
100%|██████████| 6/6 [00:13<00:00,  2.25s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:06<00:00,  6.67s/it]
100%|██████████| 1/1 [00:06<00:00,  6.67s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:04<00:04,  4.47s/it]
100%|██████████| 2/2 [00:07<00:00,  3.53s/it]
100%|██████████| 2/2 [00:07<00:00,  3.68s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.44s/it]
100%|██████████| 2/2 [00:03<00:00,  1.67s/it]
100%|██████████| 2/2 [00:03<00:00,  1.79s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.27s/it]
100%|██████████| 1/1 [00:03<00:00,  3.27s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.26s/it]
100%|██████████| 1/1 [00:01<00:00,  1.26s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.87s/it]
100%|██████████| 2/2 [00:05<00:00,  2.84s/it]
100%|██████████| 2/2 [00:05<00:00,  2.69s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.43s/it]
100%|██████████| 1/1 [00:02<00:00,  2.43s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.96s/it]
100%|██████████| 1/1 [00:01<00:00,  1.96s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.52s/it]
 67%|██████▋   | 2/3 [00:05<00:03,  3.04s/it]
100%|██████████| 3/3 [00:07<00:00,  2.58s/it]
100%|██████████| 3/3 [00:07<00:00,  2.65s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:02<00:07,  2.39s/it]
 50%|█████     | 2/4 [00:02<00:02,  1.33s/it]
 75%|███████▌  | 3/4 [00:03<00:00,  1.08it/s]
100%|██████████| 4/4 [00:04<00:00,  1.05it/s]
100%|██████████| 4/4 [00:04<00:00,  1.10s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:01<00:07,  1.97s/it]
 40%|████      | 2/5 [00:05<00:08,  2.67s/it]
 60%|██████    | 3/5 [00:09<00:06,  3.50s/it]
 80%|████████  | 4/5 [00:09<00:02,  2.21s/it]
100%|██████████| 5/5 [00:10<00:00,  1.73s/it]
100%|██████████| 5/5 [00:10<00:00,  2.15s/it]
+
  0%|          | 0/11 [00:00<?, ?it/s]
  9%|▉         | 1/11 [00:02<00:28,  2.86s/it]
 18%|█▊        | 2/11 [00:04<00:19,  2.21s/it]
 27%|██▋       | 3/11 [00:05<00:11,  1.39s/it]
 36%|███▋      | 4/11 [00:05<00:08,  1.21s/it]
 55%|█████▍    | 6/11 [00:06<00:03,  1.41it/s]
 64%|██████▎   | 7/11 [00:08<00:04,  1.00s/it]
 73%|███████▎  | 8/11 [00:08<00:02,  1.21it/s]
100%|██████████| 11/11 [00:09<00:00,  2.18it/s]
100%|██████████| 11/11 [00:09<00:00,  1.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.40s/it]
100%|██████████| 1/1 [00:01<00:00,  1.40s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:07<00:15,  7.89s/it]
 67%|██████▋   | 2/3 [00:10<00:04,  4.81s/it]
100%|██████████| 3/3 [00:12<00:00,  3.55s/it]
100%|██████████| 3/3 [00:12<00:00,  4.20s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:04<00:12,  4.06s/it]
 50%|█████     | 2/4 [00:05<00:05,  2.68s/it]
 75%|███████▌  | 3/4 [00:08<00:02,  2.48s/it]
100%|██████████| 4/4 [00:10<00:00,  2.40s/it]
100%|██████████| 4/4 [00:10<00:00,  2.57s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  2.39it/s]
100%|██████████| 2/2 [00:01<00:00,  1.06it/s]
100%|██████████| 2/2 [00:01<00:00,  1.15it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:04,  1.07it/s]
 33%|███▎      | 2/6 [00:03<00:07,  1.76s/it]
 67%|██████▋   | 4/6 [00:03<00:01,  1.44it/s]
 83%|████████▎ | 5/6 [00:03<00:00,  1.50it/s]
100%|██████████| 6/6 [00:04<00:00,  1.50it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.36s/it]
100%|██████████| 1/1 [00:01<00:00,  1.36s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.03it/s]
100%|██████████| 1/1 [00:00<00:00,  2.03it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:01,  1.34it/s]
 67%|██████▋   | 2/3 [00:03<00:01,  1.77s/it]
100%|██████████| 3/3 [00:04<00:00,  1.62s/it]
100%|██████████| 3/3 [00:04<00:00,  1.56s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:07<00:00,  7.29s/it]
100%|██████████| 1/1 [00:07<00:00,  7.29s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 12.88it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.32s/it]
100%|██████████| 1/1 [00:01<00:00,  1.32s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.40s/it]
100%|██████████| 1/1 [00:01<00:00,  1.40s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.35s/it]
100%|██████████| 1/1 [00:03<00:00,  3.35s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.29s/it]
100%|██████████| 1/1 [00:02<00:00,  2.29s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.94s/it]
100%|██████████| 1/1 [00:02<00:00,  2.94s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:05,  2.00s/it]
 50%|█████     | 2/4 [00:02<00:02,  1.22s/it]
 75%|███████▌  | 3/4 [00:03<00:01,  1.23s/it]
100%|██████████| 4/4 [00:04<00:00,  1.13s/it]
100%|██████████| 4/4 [00:04<00:00,  1.22s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.94s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.45s/it]
100%|██████████| 3/3 [00:09<00:00,  3.59s/it]
100%|██████████| 3/3 [00:09<00:00,  3.06s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.49s/it]
100%|██████████| 1/1 [00:03<00:00,  3.49s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.00s/it]
100%|██████████| 1/1 [00:04<00:00,  4.00s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.80s/it]
100%|██████████| 1/1 [00:01<00:00,  1.80s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.08it/s]
100%|██████████| 2/2 [00:02<00:00,  1.10s/it]
100%|██████████| 2/2 [00:02<00:00,  1.07s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.59s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.94s/it]
100%|██████████| 3/3 [00:03<00:00,  1.15s/it]
100%|██████████| 3/3 [00:03<00:00,  1.33s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.76s/it]
100%|██████████| 1/1 [00:02<00:00,  2.76s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.11s/it]
100%|██████████| 1/1 [00:01<00:00,  1.11s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:03,  1.04s/it]
 50%|█████     | 2/4 [00:02<00:02,  1.05s/it]
 75%|███████▌  | 3/4 [00:03<00:01,  1.17s/it]
100%|██████████| 4/4 [00:04<00:00,  1.15s/it]
100%|██████████| 4/4 [00:04<00:00,  1.13s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.60s/it]
100%|██████████| 2/2 [00:03<00:00,  1.45s/it]
100%|██████████| 2/2 [00:03<00:00,  1.62s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:01<00:07,  1.77s/it]
 40%|████      | 2/5 [00:05<00:08,  2.96s/it]
 60%|██████    | 3/5 [00:07<00:04,  2.27s/it]
 80%|████████  | 4/5 [00:09<00:02,  2.29s/it]
100%|██████████| 5/5 [00:12<00:00,  2.57s/it]
100%|██████████| 5/5 [00:12<00:00,  2.48s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.78s/it]
100%|██████████| 1/1 [00:02<00:00,  2.78s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:03<00:07,  3.67s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.68s/it]
100%|██████████| 3/3 [00:08<00:00,  2.63s/it]
100%|██████████| 3/3 [00:08<00:00,  2.74s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.37s/it]
100%|██████████| 1/1 [00:01<00:00,  1.37s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.76s/it]
100%|██████████| 1/1 [00:02<00:00,  2.76s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.11s/it]
100%|██████████| 1/1 [00:04<00:00,  4.11s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.86s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.76s/it]
100%|██████████| 3/3 [00:06<00:00,  2.08s/it]
100%|██████████| 3/3 [00:06<00:00,  2.17s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:00<00:02,  1.01it/s]
 50%|█████     | 2/4 [00:02<00:02,  1.10s/it]
 75%|███████▌  | 3/4 [00:03<00:01,  1.33s/it]
100%|██████████| 4/4 [00:05<00:00,  1.48s/it]
100%|██████████| 4/4 [00:05<00:00,  1.37s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.45s/it]
100%|██████████| 2/2 [00:03<00:00,  1.55s/it]
100%|██████████| 2/2 [00:03<00:00,  1.68s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.75s/it]
100%|██████████| 2/2 [00:04<00:00,  2.10s/it]
100%|██████████| 2/2 [00:04<00:00,  2.05s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  3.00s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.75s/it]
100%|██████████| 3/3 [00:05<00:00,  1.63s/it]
100%|██████████| 3/3 [00:05<00:00,  1.79s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.91s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.47s/it]
100%|██████████| 3/3 [00:03<00:00,  1.03s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.83s/it]
100%|██████████| 2/2 [00:05<00:00,  2.96s/it]
100%|██████████| 2/2 [00:05<00:00,  2.79s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.58s/it]
 67%|██████▋   | 2/3 [00:04<00:01,  1.97s/it]
100%|██████████| 3/3 [00:08<00:00,  3.12s/it]
100%|██████████| 3/3 [00:08<00:00,  2.87s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:03<00:07,  3.56s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.57s/it]
100%|██████████| 3/3 [00:03<00:00,  1.25s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.27s/it]
100%|██████████| 2/2 [00:03<00:00,  1.77s/it]
100%|██████████| 2/2 [00:03<00:00,  1.70s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.35s/it]
100%|██████████| 1/1 [00:01<00:00,  1.35s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.63s/it]
100%|██████████| 2/2 [00:04<00:00,  2.09s/it]
100%|██████████| 2/2 [00:04<00:00,  2.02s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  5.69it/s]
100%|██████████| 1/1 [00:00<00:00,  5.68it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.84s/it]
100%|██████████| 1/1 [00:03<00:00,  3.84s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:02,  1.48s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.70s/it]
100%|██████████| 3/3 [00:07<00:00,  2.74s/it]
100%|██████████| 3/3 [00:07<00:00,  2.44s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:07<00:07,  7.11s/it]
100%|██████████| 2/2 [00:09<00:00,  4.57s/it]
100%|██████████| 2/2 [00:09<00:00,  4.95s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:03,  1.26it/s]
 40%|████      | 2/5 [00:02<00:04,  1.57s/it]
 60%|██████    | 3/5 [00:06<00:05,  2.51s/it]
 80%|████████  | 4/5 [00:06<00:01,  1.57s/it]
100%|██████████| 5/5 [00:06<00:00,  1.10s/it]
100%|██████████| 5/5 [00:06<00:00,  1.39s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:04<00:09,  4.71s/it]
 67%|██████▋   | 2/3 [00:06<00:02,  2.85s/it]
100%|██████████| 3/3 [00:08<00:00,  2.53s/it]
100%|██████████| 3/3 [00:08<00:00,  2.81s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  3.48it/s]
 67%|██████▋   | 2/3 [00:01<00:00,  1.30it/s]
100%|██████████| 3/3 [00:05<00:00,  2.15s/it]
100%|██████████| 3/3 [00:05<00:00,  1.73s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.75s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.76s/it]
100%|██████████| 3/3 [00:04<00:00,  1.24s/it]
100%|██████████| 3/3 [00:04<00:00,  1.48s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:05,  1.83s/it]
 50%|█████     | 2/4 [00:02<00:02,  1.28s/it]
 75%|███████▌  | 3/4 [00:04<00:01,  1.65s/it]
100%|██████████| 4/4 [00:05<00:00,  1.43s/it]
100%|██████████| 4/4 [00:05<00:00,  1.47s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.35s/it]
100%|██████████| 1/1 [00:01<00:00,  1.35s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.52s/it]
100%|██████████| 1/1 [00:03<00:00,  3.52s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.91s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.44s/it]
100%|██████████| 3/3 [00:05<00:00,  1.52s/it]
100%|██████████| 3/3 [00:05<00:00,  1.81s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:05<00:05,  5.14s/it]
100%|██████████| 2/2 [00:07<00:00,  3.26s/it]
100%|██████████| 2/2 [00:07<00:00,  3.54s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:02<00:07,  2.49s/it]
 50%|█████     | 2/4 [00:06<00:06,  3.12s/it]
 75%|███████▌  | 3/4 [00:12<00:04,  4.48s/it]
100%|██████████| 4/4 [00:12<00:00,  3.06s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:02,  1.23s/it]
 67%|██████▋   | 2/3 [00:04<00:02,  2.16s/it]
100%|██████████| 3/3 [00:10<00:00,  4.12s/it]
100%|██████████| 3/3 [00:10<00:00,  3.50s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.34it/s]
100%|██████████| 1/1 [00:00<00:00,  1.34it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:02<00:08,  2.10s/it]
 40%|████      | 2/5 [00:02<00:03,  1.32s/it]
 60%|██████    | 3/5 [00:03<00:02,  1.19s/it]
 80%|████████  | 4/5 [00:08<00:02,  2.59s/it]
100%|██████████| 5/5 [00:14<00:00,  3.64s/it]
100%|██████████| 5/5 [00:14<00:00,  2.83s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.94s/it]
100%|██████████| 2/2 [00:03<00:00,  1.68s/it]
100%|██████████| 2/2 [00:03<00:00,  1.87s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.50s/it]
100%|██████████| 1/1 [00:02<00:00,  2.50s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.78s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.97s/it]
100%|██████████| 3/3 [00:05<00:00,  1.82s/it]
100%|██████████| 3/3 [00:05<00:00,  1.84s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  2.00s/it]
 67%|██████▋   | 2/3 [00:02<00:01,  1.32s/it]
100%|██████████| 3/3 [00:04<00:00,  1.38s/it]
100%|██████████| 3/3 [00:04<00:00,  1.43s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:01<00:07,  1.77s/it]
 40%|████      | 2/5 [00:02<00:04,  1.39s/it]
 60%|██████    | 3/5 [00:06<00:04,  2.23s/it]
 80%|████████  | 4/5 [00:11<00:03,  3.57s/it]
100%|██████████| 5/5 [00:14<00:00,  3.23s/it]
100%|██████████| 5/5 [00:14<00:00,  2.88s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.04s/it]
100%|██████████| 1/1 [00:01<00:00,  1.04s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.50s/it]
100%|██████████| 1/1 [00:02<00:00,  2.50s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.12it/s]
100%|██████████| 1/1 [00:00<00:00,  1.12it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:06<00:00,  6.43s/it]
100%|██████████| 1/1 [00:06<00:00,  6.43s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.72s/it]
100%|██████████| 1/1 [00:02<00:00,  2.72s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.93s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.78s/it]
100%|██████████| 3/3 [00:05<00:00,  1.87s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.34s/it]
100%|██████████| 1/1 [00:02<00:00,  2.34s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.48s/it]
100%|██████████| 1/1 [00:01<00:00,  1.48s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.04it/s]
100%|██████████| 1/1 [00:00<00:00,  2.04it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.01it/s]
100%|██████████| 2/2 [00:02<00:00,  1.03s/it]
100%|██████████| 2/2 [00:02<00:00,  1.02s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.30s/it]
100%|██████████| 1/1 [00:01<00:00,  1.30s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.14it/s]
100%|██████████| 1/1 [00:00<00:00,  1.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.70s/it]
100%|██████████| 1/1 [00:01<00:00,  1.70s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:01<00:05,  1.33s/it]
 40%|████      | 2/5 [00:01<00:02,  1.23it/s]
 60%|██████    | 3/5 [00:02<00:01,  1.72it/s]
 80%|████████  | 4/5 [00:02<00:00,  1.88it/s]
100%|██████████| 5/5 [00:03<00:00,  1.76it/s]
100%|██████████| 5/5 [00:03<00:00,  1.57it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 18.81it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.69s/it]
100%|██████████| 1/1 [00:02<00:00,  2.69s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:00<00:00,  2.68it/s]
 67%|██████▋   | 2/3 [00:01<00:00,  1.58it/s]
100%|██████████| 3/3 [00:01<00:00,  1.43it/s]
100%|██████████| 3/3 [00:01<00:00,  1.53it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 67%|██████▋   | 2/3 [00:00<00:00,  5.95it/s]
100%|██████████| 3/3 [00:00<00:00,  2.85it/s]
100%|██████████| 3/3 [00:00<00:00,  3.18it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:06<00:06,  6.33s/it]
100%|██████████| 2/2 [00:08<00:00,  3.94s/it]
100%|██████████| 2/2 [00:08<00:00,  4.30s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:02,  1.16s/it]
 67%|██████▋   | 2/3 [00:02<00:01,  1.18s/it]
100%|██████████| 3/3 [00:03<00:00,  1.08s/it]
100%|██████████| 3/3 [00:03<00:00,  1.10s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:04,  2.25s/it]
 67%|██████▋   | 2/3 [00:04<00:01,  1.96s/it]
100%|██████████| 3/3 [00:05<00:00,  1.71s/it]
100%|██████████| 3/3 [00:05<00:00,  1.81s/it]
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:02<00:17,  2.48s/it]
 25%|██▌       | 2/8 [00:03<00:10,  1.68s/it]
 38%|███▊      | 3/8 [00:04<00:07,  1.43s/it]
 62%|██████▎   | 5/8 [00:08<00:05,  1.72s/it]
 75%|███████▌  | 6/8 [00:09<00:03,  1.59s/it]
 88%|████████▊ | 7/8 [00:11<00:01,  1.55s/it]
100%|██████████| 8/8 [00:11<00:00,  1.28s/it]
100%|██████████| 8/8 [00:11<00:00,  1.49s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.60it/s]
100%|██████████| 2/2 [00:02<00:00,  1.08s/it]
100%|██████████| 2/2 [00:02<00:00,  1.01s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:04,  1.52s/it]
 75%|███████▌  | 3/4 [00:02<00:00,  1.68it/s]
100%|██████████| 4/4 [00:02<00:00,  1.40it/s]
100%|██████████| 4/4 [00:02<00:00,  1.33it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.75it/s]
100%|██████████| 1/1 [00:00<00:00,  1.75it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:06<00:00,  6.28s/it]
100%|██████████| 1/1 [00:06<00:00,  6.28s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:07<00:00,  7.71s/it]
100%|██████████| 1/1 [00:07<00:00,  7.71s/it]
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:05<00:25,  5.14s/it]
 67%|██████▋   | 4/6 [00:05<00:02,  1.10s/it]
100%|██████████| 6/6 [00:09<00:00,  1.51s/it]
100%|██████████| 6/6 [00:09<00:00,  1.62s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.47s/it]
100%|██████████| 1/1 [00:04<00:00,  4.47s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.27s/it]
100%|██████████| 2/2 [00:05<00:00,  2.87s/it]
100%|██████████| 2/2 [00:05<00:00,  2.63s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.78s/it]
100%|██████████| 2/2 [00:05<00:00,  2.76s/it]
100%|██████████| 2/2 [00:05<00:00,  2.76s/it]
+INFO:root:Merging the ply files
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 44150.57it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 34379.54it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 79137.81it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
100%|██████████| 6/6 [00:00<00:00, 88925.17it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 34952.53it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 53092.46it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 52103.16it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 6689.48it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 50840.05it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35246.25it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 63550.06it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 75915.00it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 86659.17it/s]
+
  0%|          | 0/11 [00:00<?, ?it/s]
100%|██████████| 11/11 [00:00<00:00, 106799.41it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35544.95it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 65879.12it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 76959.71it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 57456.22it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
100%|██████████| 6/6 [00:00<00:00, 88301.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 67288.30it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 34952.53it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 77672.30it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68015.74it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 53430.62it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 67650.06it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 29330.80it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 76260.07it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 57456.22it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 84222.97it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 65879.12it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 38130.04it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 67288.30it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 65027.97it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 56679.78it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55924.05it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 70295.60it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69136.88it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 56679.78it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69905.07it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69905.07it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55924.05it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 38130.04it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 33825.03it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 65879.12it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 56679.78it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 73071.50it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 65879.12it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68015.74it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 66930.38it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 79137.81it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37786.52it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68759.08it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 57065.36it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 74565.40it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 65196.44it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 84222.97it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 53773.13it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 67650.06it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69518.85it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 78545.02it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35246.25it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 66930.38it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55188.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 82891.38it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37786.52it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68015.74it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 70295.60it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 62914.56it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69905.07it/s]
+
  0%|          | 0/8 [00:00<?, ?it/s]
100%|██████████| 8/8 [00:00<00:00, 93990.01it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 79891.50it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 38479.85it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
100%|██████████| 6/6 [00:00<00:00, 90200.09it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 53430.62it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+INFO:root:The file is saved in: sample_playground/instance_segmented_point_clouds/first.segmented/sample_playground/instance_segmented_point_clouds/first.segmented/output_instance_segmented.ply
+INFO:root:Merging was done for 265 number of files
+INFO:root:Done
+INFO:root:Removing all the files in the folder and subfolders which contain the word 'leafoff'
+INFO:root:Labeling the ply files
+Labeling instances in ply files and merging them afterwards
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.34s/it]
100%|██████████| 2/2 [00:06<00:00,  3.30s/it]
100%|██████████| 2/2 [00:06<00:00,  3.16s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.26s/it]
100%|██████████| 1/1 [00:02<00:00,  2.26s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:04<00:13,  4.60s/it]
 50%|█████     | 2/4 [00:07<00:06,  3.48s/it]
 75%|███████▌  | 3/4 [00:11<00:03,  3.62s/it]
100%|██████████| 4/4 [00:11<00:00,  2.25s/it]
100%|██████████| 4/4 [00:11<00:00,  2.81s/it]
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:02<00:14,  2.93s/it]
 33%|███▎      | 2/6 [00:05<00:11,  2.77s/it]
 50%|█████     | 3/6 [00:06<00:05,  1.74s/it]
 67%|██████▋   | 4/6 [00:10<00:05,  2.92s/it]
 83%|████████▎ | 5/6 [00:14<00:03,  3.35s/it]
100%|██████████| 6/6 [00:14<00:00,  2.49s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.34s/it]
100%|██████████| 1/1 [00:04<00:00,  4.34s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:04<00:04,  4.02s/it]
100%|██████████| 2/2 [00:07<00:00,  3.65s/it]
100%|██████████| 2/2 [00:07<00:00,  3.71s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:04,  2.42s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.78s/it]
100%|██████████| 3/3 [00:06<00:00,  2.38s/it]
100%|██████████| 3/3 [00:06<00:00,  2.28s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.16s/it]
100%|██████████| 1/1 [00:01<00:00,  1.16s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.57s/it]
100%|██████████| 1/1 [00:01<00:00,  1.57s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.11it/s]
100%|██████████| 1/1 [00:00<00:00,  2.11it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.53s/it]
100%|██████████| 1/1 [00:02<00:00,  2.53s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:05<00:00,  5.85s/it]
100%|██████████| 1/1 [00:05<00:00,  5.85s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.75s/it]
100%|██████████| 2/2 [00:04<00:00,  1.97s/it]
100%|██████████| 2/2 [00:04<00:00,  2.09s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.35s/it]
100%|██████████| 1/1 [00:02<00:00,  2.35s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:02<00:08,  2.99s/it]
 50%|█████     | 2/4 [00:03<00:03,  1.64s/it]
 75%|███████▌  | 3/4 [00:04<00:01,  1.09s/it]
100%|██████████| 4/4 [00:05<00:00,  1.12s/it]
100%|██████████| 4/4 [00:05<00:00,  1.32s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:05,  1.75s/it]
 50%|█████     | 2/4 [00:05<00:05,  2.64s/it]
 75%|███████▌  | 3/4 [00:09<00:03,  3.52s/it]
100%|██████████| 4/4 [00:10<00:00,  2.40s/it]
100%|██████████| 4/4 [00:10<00:00,  2.57s/it]
+
  0%|          | 0/13 [00:00<?, ?it/s]
  8%|▊         | 1/13 [00:02<00:31,  2.66s/it]
 15%|█▌        | 2/13 [00:03<00:14,  1.33s/it]
 23%|██▎       | 3/13 [00:03<00:11,  1.13s/it]
 31%|███       | 4/13 [00:04<00:07,  1.18it/s]
 46%|████▌     | 6/13 [00:04<00:03,  1.82it/s]
 54%|█████▍    | 7/13 [00:06<00:05,  1.14it/s]
 62%|██████▏   | 8/13 [00:07<00:03,  1.32it/s]
 85%|████████▍ | 11/13 [00:07<00:00,  2.19it/s]
 92%|█████████▏| 12/13 [00:08<00:00,  1.76it/s]
100%|██████████| 13/13 [00:08<00:00,  1.48it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.39s/it]
100%|██████████| 1/1 [00:01<00:00,  1.39s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:07<00:15,  7.94s/it]
 67%|██████▋   | 2/3 [00:10<00:04,  4.87s/it]
100%|██████████| 3/3 [00:13<00:00,  3.77s/it]
100%|██████████| 3/3 [00:13<00:00,  4.38s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:04<00:08,  4.19s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.28s/it]
100%|██████████| 3/3 [00:07<00:00,  2.10s/it]
100%|██████████| 3/3 [00:07<00:00,  2.34s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 28.78it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
 17%|█▋        | 1/6 [00:00<00:04,  1.08it/s]
 33%|███▎      | 2/6 [00:02<00:05,  1.33s/it]
 50%|█████     | 3/6 [00:03<00:03,  1.15s/it]
 67%|██████▋   | 4/6 [00:06<00:04,  2.02s/it]
100%|██████████| 6/6 [00:06<00:00,  1.15s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.62s/it]
100%|██████████| 1/1 [00:01<00:00,  1.62s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.22it/s]
100%|██████████| 2/2 [00:01<00:00,  1.85it/s]
100%|██████████| 2/2 [00:01<00:00,  1.71it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.23s/it]
100%|██████████| 2/2 [00:03<00:00,  1.72s/it]
100%|██████████| 2/2 [00:03<00:00,  1.80s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:07<00:00,  7.14s/it]
100%|██████████| 1/1 [00:07<00:00,  7.14s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 12.89it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.48s/it]
100%|██████████| 2/2 [00:02<00:00,  1.36s/it]
100%|██████████| 2/2 [00:02<00:00,  1.38s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:07<00:00,  7.28s/it]
100%|██████████| 1/1 [00:07<00:00,  7.28s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.71s/it]
100%|██████████| 1/1 [00:02<00:00,  2.71s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.18s/it]
100%|██████████| 1/1 [00:02<00:00,  2.18s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.99s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.69s/it]
100%|██████████| 3/3 [00:04<00:00,  1.46s/it]
100%|██████████| 3/3 [00:04<00:00,  1.55s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:03,  1.31s/it]
 50%|█████     | 2/4 [00:03<00:03,  1.69s/it]
 75%|███████▌  | 3/4 [00:04<00:01,  1.71s/it]
100%|██████████| 4/4 [00:09<00:00,  2.97s/it]
100%|██████████| 4/4 [00:09<00:00,  2.47s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.25s/it]
100%|██████████| 1/1 [00:03<00:00,  3.25s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.09s/it]
100%|██████████| 1/1 [00:04<00:00,  4.09s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.79s/it]
100%|██████████| 1/1 [00:01<00:00,  1.79s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.05it/s]
100%|██████████| 2/2 [00:02<00:00,  1.27s/it]
100%|██████████| 2/2 [00:02<00:00,  1.22s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.67s/it]
100%|██████████| 2/2 [00:03<00:00,  2.06s/it]
100%|██████████| 2/2 [00:03<00:00,  2.00s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.56s/it]
100%|██████████| 1/1 [00:02<00:00,  2.56s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.12s/it]
100%|██████████| 1/1 [00:01<00:00,  1.12s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:03,  1.04s/it]
 50%|█████     | 2/4 [00:02<00:02,  1.05s/it]
 75%|███████▌  | 3/4 [00:03<00:01,  1.15s/it]
100%|██████████| 4/4 [00:07<00:00,  2.32s/it]
100%|██████████| 4/4 [00:07<00:00,  1.87s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.54s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.71s/it]
100%|██████████| 3/3 [00:05<00:00,  1.60s/it]
100%|██████████| 3/3 [00:05<00:00,  1.88s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.88s/it]
 67%|██████▋   | 2/3 [00:04<00:02,  2.16s/it]
100%|██████████| 3/3 [00:07<00:00,  2.72s/it]
100%|██████████| 3/3 [00:07<00:00,  2.54s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.63s/it]
100%|██████████| 1/1 [00:02<00:00,  2.63s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:04<00:08,  4.10s/it]
 67%|██████▋   | 2/3 [00:06<00:03,  3.01s/it]
100%|██████████| 3/3 [00:08<00:00,  2.72s/it]
100%|██████████| 3/3 [00:08<00:00,  2.90s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.41s/it]
100%|██████████| 1/1 [00:01<00:00,  1.41s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.81s/it]
100%|██████████| 1/1 [00:02<00:00,  2.81s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.30s/it]
100%|██████████| 1/1 [00:04<00:00,  4.30s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:04,  2.04s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.86s/it]
100%|██████████| 3/3 [00:06<00:00,  2.11s/it]
100%|██████████| 3/3 [00:06<00:00,  2.23s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:03,  1.03s/it]
 50%|█████     | 2/4 [00:02<00:02,  1.15s/it]
 75%|███████▌  | 3/4 [00:03<00:01,  1.39s/it]
100%|██████████| 4/4 [00:05<00:00,  1.53s/it]
100%|██████████| 4/4 [00:05<00:00,  1.42s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.23s/it]
100%|██████████| 2/2 [00:03<00:00,  1.45s/it]
100%|██████████| 2/2 [00:03<00:00,  1.56s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.91s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.54s/it]
100%|██████████| 3/3 [00:06<00:00,  2.17s/it]
100%|██████████| 3/3 [00:06<00:00,  2.30s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.13it/s]
100%|██████████| 1/1 [00:00<00:00,  1.13it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:05,  1.93s/it]
 50%|█████     | 2/4 [00:03<00:03,  1.54s/it]
 75%|███████▌  | 3/4 [00:04<00:01,  1.51s/it]
100%|██████████| 4/4 [00:04<00:00,  1.18s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.94s/it]
100%|██████████| 1/1 [00:03<00:00,  3.94s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.85s/it]
100%|██████████| 1/1 [00:01<00:00,  1.85s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.66s/it]
 67%|██████▋   | 2/3 [00:04<00:02,  2.02s/it]
100%|██████████| 3/3 [00:07<00:00,  2.50s/it]
100%|██████████| 3/3 [00:07<00:00,  2.44s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 67%|██████▋   | 2/3 [00:03<00:01,  1.74s/it]
100%|██████████| 3/3 [00:03<00:00,  1.17s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.40s/it]
100%|██████████| 1/1 [00:01<00:00,  1.40s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.33s/it]
100%|██████████| 2/2 [00:03<00:00,  1.82s/it]
100%|██████████| 2/2 [00:03<00:00,  1.75s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.63s/it]
100%|██████████| 2/2 [00:03<00:00,  1.93s/it]
100%|██████████| 2/2 [00:03<00:00,  1.88s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  5.66it/s]
100%|██████████| 1/1 [00:00<00:00,  5.66it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.99s/it]
100%|██████████| 1/1 [00:03<00:00,  3.99s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:02,  1.49s/it]
 67%|██████▋   | 2/3 [00:04<00:02,  2.10s/it]
100%|██████████| 3/3 [00:07<00:00,  2.90s/it]
100%|██████████| 3/3 [00:07<00:00,  2.62s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:07<00:07,  7.23s/it]
100%|██████████| 2/2 [00:09<00:00,  4.15s/it]
100%|██████████| 2/2 [00:09<00:00,  4.62s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.78s/it]
 67%|██████▋   | 2/3 [00:06<00:03,  3.27s/it]
100%|██████████| 3/3 [00:06<00:00,  1.90s/it]
100%|██████████| 3/3 [00:06<00:00,  2.12s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.62s/it]
100%|██████████| 2/2 [00:03<00:00,  1.90s/it]
100%|██████████| 2/2 [00:03<00:00,  1.86s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:05<00:00,  5.21s/it]
100%|██████████| 1/1 [00:05<00:00,  5.21s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.16it/s]
100%|██████████| 2/2 [00:04<00:00,  2.61s/it]
100%|██████████| 2/2 [00:04<00:00,  2.35s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:02<00:05,  2.80s/it]
 67%|██████▋   | 2/3 [00:03<00:01,  1.78s/it]
100%|██████████| 3/3 [00:04<00:00,  1.26s/it]
100%|██████████| 3/3 [00:04<00:00,  1.50s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.60s/it]
 67%|██████▋   | 2/3 [00:02<00:01,  1.02s/it]
100%|██████████| 3/3 [00:03<00:00,  1.20s/it]
100%|██████████| 3/3 [00:03<00:00,  1.21s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.58s/it]
100%|██████████| 2/2 [00:03<00:00,  1.95s/it]
100%|██████████| 2/2 [00:03<00:00,  1.89s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:03<00:00,  3.90s/it]
100%|██████████| 1/1 [00:03<00:00,  3.90s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:06<00:06,  6.75s/it]
100%|██████████| 2/2 [00:09<00:00,  4.16s/it]
100%|██████████| 2/2 [00:09<00:00,  4.55s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:01<00:01,  1.85s/it]
100%|██████████| 2/2 [00:03<00:00,  1.57s/it]
100%|██████████| 2/2 [00:03<00:00,  1.61s/it]
+
  0%|          | 0/5 [00:00<?, ?it/s]
 20%|██        | 1/5 [00:00<00:03,  1.11it/s]
 40%|████      | 2/5 [00:02<00:04,  1.59s/it]
 60%|██████    | 3/5 [00:05<00:03,  1.86s/it]
 80%|████████  | 4/5 [00:11<00:03,  3.44s/it]
100%|██████████| 5/5 [00:12<00:00,  2.61s/it]
100%|██████████| 5/5 [00:12<00:00,  2.43s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:00<00:01,  2.39it/s]
 50%|█████     | 2/4 [00:06<00:07,  3.92s/it]
 75%|███████▌  | 3/4 [00:09<00:03,  3.41s/it]
100%|██████████| 4/4 [00:09<00:00,  2.41s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.13s/it]
100%|██████████| 1/1 [00:01<00:00,  1.13s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.09s/it]
100%|██████████| 1/1 [00:02<00:00,  2.09s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:02,  1.18s/it]
 67%|██████▋   | 2/3 [00:06<00:03,  3.33s/it]
100%|██████████| 3/3 [00:11<00:00,  4.29s/it]
100%|██████████| 3/3 [00:11<00:00,  3.82s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.26it/s]
100%|██████████| 2/2 [00:03<00:00,  2.11s/it]
100%|██████████| 2/2 [00:03<00:00,  1.91s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:03<00:03,  3.32s/it]
100%|██████████| 2/2 [00:05<00:00,  2.89s/it]
100%|██████████| 2/2 [00:05<00:00,  2.95s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.51s/it]
100%|██████████| 1/1 [00:02<00:00,  2.51s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.13s/it]
100%|██████████| 2/2 [00:03<00:00,  1.65s/it]
100%|██████████| 2/2 [00:03<00:00,  1.72s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.54s/it]
 67%|██████▋   | 2/3 [00:02<00:01,  1.17s/it]
100%|██████████| 3/3 [00:03<00:00,  1.10s/it]
100%|██████████| 3/3 [00:03<00:00,  1.16s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:03<00:11,  3.93s/it]
 50%|█████     | 2/4 [00:05<00:04,  2.39s/it]
 75%|███████▌  | 3/4 [00:07<00:02,  2.33s/it]
100%|██████████| 4/4 [00:13<00:00,  3.65s/it]
100%|██████████| 4/4 [00:13<00:00,  3.30s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  3.19it/s]
100%|██████████| 1/1 [00:00<00:00,  3.19it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:05<00:00,  5.27s/it]
100%|██████████| 1/1 [00:05<00:00,  5.27s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.45s/it]
100%|██████████| 1/1 [00:01<00:00,  1.45s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.73s/it]
100%|██████████| 1/1 [00:02<00:00,  2.73s/it]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:02<00:02,  2.87s/it]
100%|██████████| 2/2 [00:05<00:00,  2.74s/it]
100%|██████████| 2/2 [00:05<00:00,  2.76s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.27s/it]
100%|██████████| 1/1 [00:02<00:00,  2.27s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.58s/it]
100%|██████████| 1/1 [00:01<00:00,  1.58s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.04it/s]
100%|██████████| 1/1 [00:00<00:00,  2.04it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.23it/s]
100%|██████████| 2/2 [00:01<00:00,  1.06it/s]
100%|██████████| 2/2 [00:01<00:00,  1.08it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.28s/it]
100%|██████████| 1/1 [00:01<00:00,  1.28s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.16it/s]
100%|██████████| 1/1 [00:00<00:00,  1.16it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.79s/it]
100%|██████████| 1/1 [00:01<00:00,  1.79s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:03,  1.24s/it]
 50%|█████     | 2/4 [00:01<00:01,  1.28it/s]
 75%|███████▌  | 3/4 [00:02<00:00,  1.76it/s]
100%|██████████| 4/4 [00:02<00:00,  1.84it/s]
100%|██████████| 4/4 [00:02<00:00,  1.59it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00,  2.96it/s]
100%|██████████| 2/2 [00:00<00:00,  2.96it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.24s/it]
100%|██████████| 1/1 [00:02<00:00,  2.24s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  2.40it/s]
100%|██████████| 1/1 [00:00<00:00,  2.40it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.16it/s]
100%|██████████| 2/2 [00:01<00:00,  1.24it/s]
100%|██████████| 2/2 [00:01<00:00,  1.23it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 50%|█████     | 2/4 [00:00<00:00,  9.07it/s]
 75%|███████▌  | 3/4 [00:00<00:00,  3.85it/s]
100%|██████████| 4/4 [00:01<00:00,  2.55it/s]
100%|██████████| 4/4 [00:01<00:00,  3.06it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:02,  1.19s/it]
 67%|██████▋   | 2/3 [00:05<00:02,  2.82s/it]
100%|██████████| 3/3 [00:07<00:00,  2.81s/it]
100%|██████████| 3/3 [00:07<00:00,  2.65s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:01<00:00,  1.06s/it]
100%|██████████| 1/1 [00:01<00:00,  1.06s/it]
+
  0%|          | 0/4 [00:00<?, ?it/s]
 25%|██▌       | 1/4 [00:01<00:04,  1.58s/it]
 50%|█████     | 2/4 [00:03<00:03,  1.63s/it]
 75%|███████▌  | 3/4 [00:04<00:01,  1.36s/it]
100%|██████████| 4/4 [00:06<00:00,  1.67s/it]
100%|██████████| 4/4 [00:06<00:00,  1.61s/it]
+
  0%|          | 0/8 [00:00<?, ?it/s]
 12%|█▎        | 1/8 [00:02<00:14,  2.04s/it]
 25%|██▌       | 2/8 [00:05<00:15,  2.64s/it]
 38%|███▊      | 3/8 [00:06<00:10,  2.06s/it]
 50%|█████     | 4/8 [00:06<00:05,  1.29s/it]
 62%|██████▎   | 5/8 [00:08<00:04,  1.49s/it]
 75%|███████▌  | 6/8 [00:15<00:06,  3.35s/it]
 88%|████████▊ | 7/8 [00:17<00:02,  3.00s/it]
100%|██████████| 8/8 [00:18<00:00,  2.39s/it]
100%|██████████| 8/8 [00:18<00:00,  2.34s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.58it/s]
100%|██████████| 2/2 [00:01<00:00,  1.07it/s]
100%|██████████| 2/2 [00:01<00:00,  1.13it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:01<00:03,  1.78s/it]
100%|██████████| 3/3 [00:02<00:00,  1.52it/s]
100%|██████████| 3/3 [00:02<00:00,  1.30it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.75it/s]
100%|██████████| 2/2 [00:01<00:00,  1.29it/s]
100%|██████████| 2/2 [00:01<00:00,  1.34it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:05<00:00,  5.97s/it]
100%|██████████| 1/1 [00:05<00:00,  5.97s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.36s/it]
100%|██████████| 1/1 [00:02<00:00,  2.36s/it]
+
  0%|          | 0/3 [00:00<?, ?it/s]
 33%|███▎      | 1/3 [00:05<00:10,  5.08s/it]
 67%|██████▋   | 2/3 [00:10<00:05,  5.20s/it]
100%|██████████| 3/3 [00:14<00:00,  4.90s/it]
100%|██████████| 3/3 [00:14<00:00,  4.97s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:04<00:00,  4.51s/it]
100%|██████████| 1/1 [00:04<00:00,  4.51s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
 50%|█████     | 1/2 [00:00<00:00,  1.94it/s]
100%|██████████| 2/2 [00:04<00:00,  2.57s/it]
100%|██████████| 2/2 [00:04<00:00,  2.27s/it]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.80s/it]
100%|██████████| 1/1 [00:02<00:00,  2.80s/it]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:02<00:00,  2.76s/it]
100%|██████████| 1/1 [00:02<00:00,  2.76s/it]
+INFO:root:Merging the ply files
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 46345.90it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 75573.05it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
100%|██████████| 6/6 [00:00<00:00, 91512.09it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 64860.37it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 76260.07it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 79137.81it/s]
+
  0%|          | 0/13 [00:00<?, ?it/s]
100%|██████████| 13/13 [00:00<00:00, 109051.90it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35544.95it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 67650.06it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 70295.60it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 38130.04it/s]
+
  0%|          | 0/6 [00:00<?, ?it/s]
100%|██████████| 6/6 [00:00<00:00, 87685.80it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54471.48it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 56679.78it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 46091.25it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37786.52it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 66576.25it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 75915.00it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 56299.38it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 57456.22it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35246.25it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 75573.05it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 70690.52it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 71493.82it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 34952.53it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68385.39it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37786.52it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37786.52it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 66576.25it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 77672.30it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 57852.47it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68015.74it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 78766.27it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 66930.38it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69905.07it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55924.05it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 56299.38it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 38479.85it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68759.08it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 46345.90it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 58525.17it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 52428.80it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54827.50it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 55431.33it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 59918.63it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55188.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 48770.98it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55553.70it/s]
+
  0%|          | 0/5 [00:00<?, ?it/s]
100%|██████████| 5/5 [00:00<00:00, 86302.55it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 76959.71it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68385.39it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 52428.80it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 53773.13it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 57065.36it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 68759.08it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 76959.71it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54120.05it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37786.52it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 55188.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 35848.75it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 78033.56it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 58661.59it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54827.50it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 78766.27it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 66576.25it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37449.14it/s]
+
  0%|          | 0/4 [00:00<?, ?it/s]
100%|██████████| 4/4 [00:00<00:00, 77672.30it/s]
+
  0%|          | 0/8 [00:00<?, ?it/s]
100%|██████████| 8/8 [00:00<00:00, 94519.53it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 54120.05it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 69518.85it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 59074.70it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36792.14it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/3 [00:00<?, ?it/s]
100%|██████████| 3/3 [00:00<00:00, 65536.00it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36472.21it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/2 [00:00<?, ?it/s]
100%|██████████| 2/2 [00:00<00:00, 48210.39it/s]
+
0it [00:00, ?it/s]
0it [00:00, ?it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 36157.79it/s]
+
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00, 37117.73it/s]
+INFO:root:The file is saved in: sample_playground/instance_segmented_point_clouds/second.segmented/sample_playground/instance_segmented_point_clouds/second.segmented/output_instance_segmented.ply
+INFO:root:Merging was done for 254 number of files
+INFO:root:Done
+Done
+Results are in sample_playground/results
-- 
GitLab