Clustering of scikit-learn toy data sets (hierarchically)

Go to:

Notebook configuration

[25]:
import sys

import matplotlib as mpl
import matplotlib.pyplot as plt
import numpy as np
import sklearn
from sklearn import datasets
from sklearn.neighbors import KDTree
from sklearn.preprocessing import StandardScaler

import commonnn
from commonnn import cluster, recipes
from commonnn import _types, _fit
[2]:
# Helper function definitions
def indent_at_parens(s):
    """Take a string and introduce indention at parentheses"""

    o = ""
    level = 1
    saw_comma = False
    for c in s:
        if saw_comma:
            if c == " ":
                o += f"\n{'    ' * (level - 1)}"
            else:
                o += f"\n{'    ' * (level - 1)}{c}"
            saw_comma = False
            continue

        if c == "(":
            o += f"(\n{'    ' * level}"
            level += 1
            continue

        if c == ")":
            level -= 1
            o += f"\n{'    ' * level})"
            continue

        if c == ",":
            saw_comma = True
            o += ","
            continue

        o += c

    return o

Print Python and package version information:

[3]:
# Version information
print("Python: ", *sys.version.split("\n"))

print("Packages:")
for package in [mpl, np, sklearn, commonnn]:
    print(f"    {package.__name__}: {package.__version__}")
Python:  3.9.0 | packaged by conda-forge | (default, Nov 26 2020, 07:57:39)  [GCC 9.3.0]
Packages:
    matplotlib: 3.9.4
    numpy: 1.26.4
    sklearn: 1.6.1
    commonnn: 0.0.4

We use Matplotlib to create plots. The matplotlibrc file in the root directory of the CommonNNClustering repository is used to customize the appearance of the plots.

[4]:
# Matplotlib configuration
mpl.rc_file(
    "../../matplotlibrc",
    use_default_template=False
)
[5]:
# Axis property defaults for the plots
ax_props = {
    "xlabel": None,
    "ylabel": None,
    "xlim": (-2.5, 2.5),
    "ylim": (-2.5, 2.5),
    "xticks": (),
    "yticks": (),
    "aspect": "equal"
}

# Line plot property defaults
line_props = {
    "linewidth": 0,
    "marker": '.',
}

Data set generation

To see the common-nearest-neighbours (CommonNN) clustering in action, let’s have a look at a handful of basic 2D data sets from scikit-learn (like here in the scikit-learn documentation). We will cluster the data sets starting from different input data formats using the provided defaults. For more details see also the Advanced usage tutorial. Technically, none of these examples requires a hierarchical approach. See Hierarchical clustering basics for an example where hierarchical clustering is more relevant. Note also that we do actully not look at the resulting hierarchies here but should select leafs based on large member cutoffs based on our expectation. Apart from that, little parameter tweaking is needed. The same radius cutoff is usable in all cases and the result is insenstive to the exact choice.

[6]:
# Data set generation parameters
np.random.seed(0)
n_samples = 2000
[7]:
# Data set generation
# Fit all datasets to the same value range
#    using `data = StandardScaler().fit_transform(data)`

# circles
noisy_circles, _ = datasets.make_circles(
    n_samples=n_samples,
    factor=.5,
    noise=.05
    )
noisy_circles = StandardScaler().fit_transform(noisy_circles)

# moons
noisy_moons, _ = datasets.make_moons(
    n_samples=n_samples,
    noise=.05
    )
noisy_moons = StandardScaler().fit_transform(noisy_moons)

# blobs
blobs, _ = datasets.make_blobs(
    n_samples=n_samples,
    random_state=8
    )
blobs = StandardScaler().fit_transform(blobs)

# None
no_structure = np.random.rand(
    n_samples, 2
    )
no_structure = StandardScaler().fit_transform(no_structure)

# aniso
random_state = 170
X, y = datasets.make_blobs(
    n_samples=n_samples,
    random_state=random_state
    )

transformation = [[0.6, -0.6], [-0.4, 0.8]]
aniso = np.dot(X, transformation)
aniso = StandardScaler().fit_transform(aniso)

# varied
varied, _ = datasets.make_blobs(
    n_samples=n_samples,
    cluster_std=[1.0, 2.5, 0.5],
    random_state=random_state
    )
varied = StandardScaler().fit_transform(varied)
[20]:
# Define cluster parameters
dsets = [ # "name", set, **parameters
    ('circles', noisy_circles, {
        'radius_cutoff': 0.5,
        'member_cutoff': 500,
        }),
    ('moons', noisy_moons, {
        'radius_cutoff': 0.5,
        'member_cutoff': 500,
        }),
    ('varied', varied, {
        'radius_cutoff': 0.5,
        'member_cutoff': 200,
        }),
    ('aniso', aniso, {
        'radius_cutoff': 0.5,
        'member_cutoff': 200,
         }),
    ('blobs', blobs, {
        'radius_cutoff': 0.5,
        'member_cutoff': 600,
        }),
    ('None', no_structure, {
        'radius_cutoff': 0.5,
        'member_cutoff': 1000,
        'make_labels': False
        }),
    ]
[21]:
# Plot the original data sets
fig, ax = plt.subplots(2, 3)
Ax = ax.flatten()

for count, (name, data, *_) in enumerate(dsets):
    Ax[count].plot(data[:, 0], data[:, 1], **line_props)
    Ax[count].set(**ax_props)
    Ax[count].set_title(f'{name}', fontsize=10, pad=4)

fig.subplots_adjust(
    left=0, right=1, bottom=0, top=1, wspace=0.1, hspace=0.3
    )
../_images/tutorial_scikit_learn_datasets_hierarchical_15_0.png

CommonNN clustering using data point coordinates as input

[22]:
fig, ax = plt.subplots(2, 3)
Ax = ax.flatten()

for count, (name, data, params) in enumerate(dsets):
    # Default clustering initialisation
    clustering = cluster.Clustering(data, recipe="coordinates_mst")

    # Calculate neighbours brute force
    clustering.fit_hierarchical(**params)

    clustering.evaluate(ax=Ax[count], annotate_pos="random")
    Ax[count].set(**ax_props)
    Ax[count].set_title(f'{name}', fontsize=10, pad=4)

fig.subplots_adjust(
    left=0, right=1, bottom=0, top=1, wspace=0.1, hspace=0.3
    )
2025-04-09 18:42:27.332 | INFO     | __main__:<module>:9 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:42:30.335 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:42:30.336 | INFO     | __main__:<module>:9 - Computed Scipy Z matrix
2025-04-09 18:42:30.344 | INFO     | __main__:<module>:9 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:42:30.345 | INFO     | __main__:<module>:9 - Converted all leafs to root labels
2025-04-09 18:42:30.348 | INFO     | __main__:<module>:9 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:42:35.199 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:42:35.201 | INFO     | __main__:<module>:9 - Computed Scipy Z matrix
2025-04-09 18:42:35.211 | INFO     | __main__:<module>:9 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:42:35.212 | INFO     | __main__:<module>:9 - Converted all leafs to root labels
2025-04-09 18:42:35.215 | INFO     | __main__:<module>:9 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:42:49.510 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:42:49.511 | INFO     | __main__:<module>:9 - Computed Scipy Z matrix
2025-04-09 18:42:49.523 | INFO     | __main__:<module>:9 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:42:49.525 | INFO     | __main__:<module>:9 - Converted all leafs to root labels
2025-04-09 18:42:49.528 | INFO     | __main__:<module>:9 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:42:56.993 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:42:56.994 | INFO     | __main__:<module>:9 - Computed Scipy Z matrix
2025-04-09 18:42:57.007 | INFO     | __main__:<module>:9 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:42:57.008 | INFO     | __main__:<module>:9 - Converted all leafs to root labels
2025-04-09 18:42:57.011 | INFO     | __main__:<module>:9 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:43:21.971 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:43:21.973 | INFO     | __main__:<module>:9 - Computed Scipy Z matrix
2025-04-09 18:43:21.984 | INFO     | __main__:<module>:9 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:43:21.986 | INFO     | __main__:<module>:9 - Converted all leafs to root labels
2025-04-09 18:43:21.989 | INFO     | __main__:<module>:9 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:43:24.552 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:43:24.553 | INFO     | __main__:<module>:9 - Computed Scipy Z matrix
2025-04-09 18:43:24.568 | INFO     | __main__:<module>:9 - Built bundle hierarchy from Scipy Z matrix
../_images/tutorial_scikit_learn_datasets_hierarchical_17_1.png

When raw input data is presented to a Clustering on creation without specifying anything else, the obtained Clustering object aggregates the needed clustering components, assuming that it got point coordinates as a sequence of sequences. The neighbourhood of a specific point will be collected brute-force by computing the (Euclidean) distances to all other points and comparing them to the radius cutoff. This will be the slowest possible approach but it has fairly conservative memory usage.

[ ]:
# Clustering components used by default ("coordinates_mst" recipe)
print(indent_at_parens(str(clustering)))
Clustering(
    input_data=InputDataExtComponentsMemoryview(
        components of 2000 points in 2 dimensions
        ),
    fitter=None,
    hierarchical_fitter=HierarchicalFitterExtCommonNNMSTPrim(
        ngetter=NeighboursGetterExtBruteForce(
            dgetter=DistanceGetterExtMetric(
                metric=MetricExtEuclideanReduced
                ),
            sorted=False,
            selfcounting=True
            ),
        na=NeighboursExtVectorUnorderedSet,
        nb=NeighboursExtVectorUnorderedSet,
        checker=SimilarityCheckerExtSwitchContains,
        prioq=PriorityQueueExtMaxHeap,
        prioq_tree=PriorityQueueExtMaxHeap
        ),
    predictor=None
    )

CommonNN clustering with pre-computed neighbourhoods (sorted by member index)

[26]:
fig, ax = plt.subplots(2, 3)
Ax = ax.flatten()

for count, (name, data, params) in enumerate(dsets):

    # Reference clustering
    clustering = cluster.Clustering(data)

    # Pre-compute and sort neighbourhoods and choose the corresponding recipe
    neighbourhoods = recipes.sorted_neighbourhoods_from_coordinates(
        data, r=params["radius_cutoff"], sort_by="indices"
    )

    clustering_neighbourhoods_sorted = cluster.Clustering(
        neighbourhoods,
        recipe="sorted_neighbourhoods_mst"
        )

    # Use pre-computed neighbourhoods
    clustering_neighbourhoods_sorted.fit_hierarchical(**params)
    clustering.labels = clustering_neighbourhoods_sorted.labels

    clustering.evaluate(ax=Ax[count], annotate_pos="random")
    Ax[count].set(**ax_props)
    Ax[count].set_title(f'{name}', fontsize=10, pad=4)

fig.subplots_adjust(
    left=0, right=1, bottom=0, top=1, wspace=0.1, hspace=0.3
    )
2025-04-09 18:51:01.145 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:51:01.305 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:51:01.306 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:51:01.314 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:51:01.315 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:51:01.347 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:51:01.658 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:51:01.659 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:51:01.669 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:51:01.671 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:51:01.715 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:51:03.157 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:51:03.159 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:51:03.171 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:51:03.173 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:51:03.208 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:51:03.795 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:51:03.797 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:51:03.809 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:51:03.810 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:51:03.860 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:51:06.397 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:51:06.399 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:51:06.410 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:51:06.411 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:51:06.441 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:51:06.594 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:51:06.596 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:51:06.609 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
../_images/tutorial_scikit_learn_datasets_hierarchical_21_1.png

Pre-computed neighbourhood information can be sorted in terms of the indices of the members (i.e. so that within each neighbourhood the members are stored in increasing order of there index in the data set). While this has the same memory demand as using unsorted neighbourhoods, it allows faster clustering.

[27]:
# Clustering components used by the "sorted_neighbourhoods_mst" recipe
print(indent_at_parens(str(clustering_neighbourhoods_sorted)))
Clustering(
    input_data=InputDataExtNeighbourhoodsMemoryview(
        neighbourhoods of 2000 points
        ),
    fitter=None,
    hierarchical_fitter=HierarchicalFitterExtCommonNNMSTPrim(
        ngetter=NeighboursGetterExtLookup(
            sorted=True,
            selfcounting=True
            ),
        na=NeighboursExtVector,
        nb=NeighboursExtVector,
        checker=SimilarityCheckerExtScreensorted,
        prioq=PriorityQueueExtMaxHeap,
        prioq_tree=PriorityQueueExtMaxHeap
        ),
    predictor=None
    )

CommonNN clustering with pre-computed neighbourhoods (sorted by member index and neighbour count)

[28]:
fig, ax = plt.subplots(2, 3)
Ax = ax.flatten()

for count, (name, data, params) in enumerate(dsets):

    # Reference clustering
    clustering = cluster.Clustering(data)

    # Pre-compute and sort neighbourhoods and choose the corresponding recipe
    neighbourhoods, sort_order, revert_order = recipes.sorted_neighbourhoods_from_coordinates(
        data, r=params["radius_cutoff"], sort_by="both"
    )

    clustering_neighbourhoods_sorted = cluster.Clustering(
        neighbourhoods,
        recipe="sorted_neighbourhoods_mst"
        )

    # Use pre-computed neighbourhoods
    clustering_neighbourhoods_sorted.fit_hierarchical(**params)
    clustering.labels = clustering_neighbourhoods_sorted.labels[revert_order]

    clustering.evaluate(ax=Ax[count], annotate_pos="random")
    Ax[count].set(**ax_props)
    Ax[count].set_title(f'{name}', fontsize=10, pad=4)

fig.subplots_adjust(
    left=0, right=1, bottom=0, top=1, wspace=0.1, hspace=0.3
    )
2025-04-09 18:53:52.871 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:53:53.025 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:53:53.026 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:53:53.034 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:53:53.036 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:53:53.066 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:53:53.344 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:53:53.346 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:53:53.355 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:53:53.356 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:53:53.399 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:53:54.742 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:53:54.743 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:53:54.754 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:53:54.755 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:53:54.790 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:53:55.308 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:53:55.309 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:53:55.321 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:53:55.322 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:53:55.374 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:53:57.820 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:53:57.821 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:53:57.831 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 18:53:57.833 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 18:53:57.864 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterExtCommonNNMSTPrim
2025-04-09 18:53:57.999 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 18:53:58.000 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 18:53:58.013 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
../_images/tutorial_scikit_learn_datasets_hierarchical_25_1.png

As a further addition to the sorting of each neighbourhood by member indices, it is possible to sort all neighbourhoods according to their member count (i.e. so that the point with the highest neighbour count becomes the first point in the data set). It is not guaranteed but this additional sorting can make the clustering even more efficient.

[29]:
# Clustering components used by the "sorted_neighbourhoods_mst" recipe
print(indent_at_parens(str(clustering_neighbourhoods_sorted)))
Clustering(
    input_data=InputDataExtNeighbourhoodsMemoryview(
        neighbourhoods of 2000 points
        ),
    fitter=None,
    hierarchical_fitter=HierarchicalFitterExtCommonNNMSTPrim(
        ngetter=NeighboursGetterExtLookup(
            sorted=True,
            selfcounting=True
            ),
        na=NeighboursExtVector,
        nb=NeighboursExtVector,
        checker=SimilarityCheckerExtScreensorted,
        prioq=PriorityQueueExtMaxHeap,
        prioq_tree=PriorityQueueExtMaxHeap
        ),
    predictor=None
    )

CommonNN clustering with pre-computed neighbourhoods (sorted by member index and neighbour count; debug)

[30]:
fig, ax = plt.subplots(2, 3)
Ax = ax.flatten()

for count, (name, data, params) in enumerate(dsets):

    # Reference clustering
    clustering = cluster.Clustering(data)

    # Pre-compute and sort neighbourhoods and choose the corresponding recipe
    neighbourhoods, sort_order, revert_order = recipes.sorted_neighbourhoods_from_coordinates(
        data, r=params["radius_cutoff"], sort_by="both"
    )

    clustering_neighbourhoods_sorted = cluster.Clustering(
        neighbourhoods,
        recipe="sorted_neighbourhoods_mst_debug"
        )

    # Use pre-computed neighbourhoods
    clustering_neighbourhoods_sorted.fit_hierarchical(**params)
    clustering.labels = clustering_neighbourhoods_sorted.labels[revert_order]

    clustering.evaluate(ax=Ax[count], annotate_pos="random")
    Ax[count].set(**ax_props)
    Ax[count].set_title(f'{name}', fontsize=10, pad=4)

fig.subplots_adjust(
    left=0, right=1, bottom=0, top=1, wspace=0.1, hspace=0.3
    )
2025-04-09 19:04:08.931 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterCommonNNMSTPrim
2025-04-09 19:04:09.139 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 19:04:09.140 | DEBUG    | __main__:<module>:20 - 1999 edges in MST
2025-04-09 19:04:09.141 | DEBUG    | __main__:<module>:20 - Iteration 0: Points 2 (cluster 2) and 3 (cluster 3) connect at weight=198.0
2025-04-09 19:04:09.141 | DEBUG    | __main__:<module>:20 - Iteration 1: Points 0 (cluster 0) and 1 (cluster 1) connect at weight=198.0
2025-04-09 19:04:09.141 | DEBUG    | __main__:<module>:20 - Iteration 2: Points 8 (cluster 8) and 6 (cluster 6) connect at weight=197.0
2025-04-09 19:04:09.141 | DEBUG    | __main__:<module>:20 - Iteration 3: Points 1 (cluster 2001) and 11 (cluster 11) connect at weight=196.0
2025-04-09 19:04:09.141 | DEBUG    | __main__:<module>:20 - Iteration 4: Points 0 (cluster 2003) and 12 (cluster 12) connect at weight=196.0
2025-04-09 19:04:09.142 | DEBUG    | __main__:<module>:20 - Iteration 5: Points 3 (cluster 2000) and 7 (cluster 7) connect at weight=195.0
2025-04-09 19:04:09.142 | DEBUG    | __main__:<module>:20 - Iteration 6: Points 13 (cluster 13) and 15 (cluster 15) connect at weight=194.0
2025-04-09 19:04:09.142 | DEBUG    | __main__:<module>:20 - Iteration 7: Points 7 (cluster 2005) and 14 (cluster 14) connect at weight=194.0
2025-04-09 19:04:09.143 | DEBUG    | __main__:<module>:20 - Iteration 8: Points 27 (cluster 27) and 25 (cluster 25) connect at weight=193.0
2025-04-09 19:04:09.143 | DEBUG    | __main__:<module>:20 - Iteration 9: Points 18 (cluster 18) and 13 (cluster 2006) connect at weight=193.0
2025-04-09 19:04:09.143 | DEBUG    | __main__:<module>:20 - Iteration 10: Points 14 (cluster 2007) and 5 (cluster 5) connect at weight=193.0
2025-04-09 19:04:09.144 | DEBUG    | __main__:<module>:20 - Iteration 11: Points 8 (cluster 2002) and 9 (cluster 9) connect at weight=193.0
2025-04-09 19:04:09.144 | DEBUG    | __main__:<module>:20 - Iteration 12: Points 8 (cluster 2011) and 4 (cluster 4) connect at weight=193.0
2025-04-09 19:04:09.144 | DEBUG    | __main__:<module>:20 - Iteration 13: Points 45 (cluster 45) and 30 (cluster 30) connect at weight=192.0
2025-04-09 19:04:09.144 | DEBUG    | __main__:<module>:20 - Iteration 14: Points 42 (cluster 42) and 41 (cluster 41) connect at weight=192.0
2025-04-09 19:04:09.144 | DEBUG    | __main__:<module>:20 - Iteration 15: Points 36 (cluster 36) and 10 (cluster 10) connect at weight=192.0
2025-04-09 19:04:09.145 | DEBUG    | __main__:<module>:20 - Iteration 16: Points 22 (cluster 22) and 40 (cluster 40) connect at weight=192.0
2025-04-09 19:04:09.145 | DEBUG    | __main__:<module>:20 - Iteration 17: Points 19 (cluster 19) and 34 (cluster 34) connect at weight=192.0
2025-04-09 19:04:09.145 | DEBUG    | __main__:<module>:20 - Iteration 18: Points 11 (cluster 2004) and 16 (cluster 16) connect at weight=192.0
2025-04-09 19:04:09.145 | DEBUG    | __main__:<module>:20 - Iteration 19: Points 10 (cluster 2015) and 24 (cluster 24) connect at weight=192.0
2025-04-09 19:04:09.145 | DEBUG    | __main__:<module>:20 - Iteration 20: Points 9 (cluster 2012) and 22 (cluster 2016) connect at weight=192.0
2025-04-09 19:04:09.146 | DEBUG    | __main__:<module>:20 - Iteration 21: Points 9 (cluster 2020) and 2 (cluster 2010) connect at weight=192.0
2025-04-09 19:04:09.146 | DEBUG    | __main__:<module>:20 - Iteration 22: Points 8 (cluster 2021) and 23 (cluster 23) connect at weight=192.0
2025-04-09 19:04:09.146 | DEBUG    | __main__:<module>:20 - Iteration 23: Points 36 (cluster 2019) and 38 (cluster 38) connect at weight=191.0
2025-04-09 19:04:09.146 | DEBUG    | __main__:<module>:20 - Iteration 24: Points 33 (cluster 33) and 35 (cluster 35) connect at weight=191.0
2025-04-09 19:04:09.146 | DEBUG    | __main__:<module>:20 - Iteration 25: Points 22 (cluster 2022) and 51 (cluster 51) connect at weight=191.0
2025-04-09 19:04:09.147 | DEBUG    | __main__:<module>:20 - Iteration 26: Points 20 (cluster 20) and 44 (cluster 44) connect at weight=191.0
2025-04-09 19:04:09.147 | DEBUG    | __main__:<module>:20 - Iteration 27: Points 19 (cluster 2017) and 17 (cluster 17) connect at weight=191.0
2025-04-09 19:04:09.147 | DEBUG    | __main__:<module>:20 - Iteration 28: Points 16 (cluster 2018) and 46 (cluster 46) connect at weight=191.0
2025-04-09 19:04:09.147 | DEBUG    | __main__:<module>:20 - Iteration 29: Points 15 (cluster 2009) and 47 (cluster 47) connect at weight=191.0
2025-04-09 19:04:09.148 | DEBUG    | __main__:<module>:20 - Iteration 30: Points 83 (cluster 83) and 36 (cluster 2023) connect at weight=190.0
2025-04-09 19:04:09.148 | DEBUG    | __main__:<module>:20 - Iteration 31: Points 70 (cluster 70) and 33 (cluster 2024) connect at weight=190.0
2025-04-09 19:04:09.148 | DEBUG    | __main__:<module>:20 - Iteration 32: Points 48 (cluster 48) and 81 (cluster 81) connect at weight=190.0
2025-04-09 19:04:09.148 | DEBUG    | __main__:<module>:20 - Iteration 33: Points 37 (cluster 37) and 49 (cluster 49) connect at weight=190.0
2025-04-09 19:04:09.148 | DEBUG    | __main__:<module>:20 - Iteration 34: Points 31 (cluster 31) and 26 (cluster 26) connect at weight=190.0
2025-04-09 19:04:09.150 | DEBUG    | __main__:<module>:20 - Iteration 35: Points 30 (cluster 2013) and 63 (cluster 63) connect at weight=190.0
2025-04-09 19:04:09.150 | DEBUG    | __main__:<module>:20 - Iteration 36: Points 24 (cluster 2030) and 72 (cluster 72) connect at weight=190.0
2025-04-09 19:04:09.150 | DEBUG    | __main__:<module>:20 - Iteration 37: Points 24 (cluster 2036) and 43 (cluster 43) connect at weight=190.0
2025-04-09 19:04:09.150 | DEBUG    | __main__:<module>:20 - Iteration 38: Points 9 (cluster 2025) and 48 (cluster 2032) connect at weight=190.0
2025-04-09 19:04:09.151 | DEBUG    | __main__:<module>:20 - Iteration 39: Points 7 (cluster 2038) and 59 (cluster 59) connect at weight=190.0
2025-04-09 19:04:09.151 | DEBUG    | __main__:<module>:20 - Iteration 40: Points 91 (cluster 91) and 42 (cluster 2014) connect at weight=189.0
2025-04-09 19:04:09.151 | DEBUG    | __main__:<module>:20 - Iteration 41: Points 81 (cluster 2039) and 99 (cluster 99) connect at weight=189.0
2025-04-09 19:04:09.151 | DEBUG    | __main__:<module>:20 - Iteration 42: Points 79 (cluster 79) and 78 (cluster 78) connect at weight=189.0
2025-04-09 19:04:09.151 | DEBUG    | __main__:<module>:20 - Iteration 43: Points 76 (cluster 76) and 105 (cluster 105) connect at weight=189.0
2025-04-09 19:04:09.152 | DEBUG    | __main__:<module>:20 - Iteration 44: Points 73 (cluster 73) and 70 (cluster 2031) connect at weight=189.0
2025-04-09 19:04:09.152 | DEBUG    | __main__:<module>:20 - Iteration 45: Points 56 (cluster 56) and 60 (cluster 60) connect at weight=189.0
2025-04-09 19:04:09.152 | DEBUG    | __main__:<module>:20 - Iteration 46: Points 51 (cluster 2041) and 62 (cluster 62) connect at weight=189.0
2025-04-09 19:04:09.152 | DEBUG    | __main__:<module>:20 - Iteration 47: Points 46 (cluster 2028) and 21 (cluster 21) connect at weight=189.0
2025-04-09 19:04:09.152 | DEBUG    | __main__:<module>:20 - Iteration 48: Points 43 (cluster 2037) and 95 (cluster 95) connect at weight=189.0
2025-04-09 19:04:09.153 | DEBUG    | __main__:<module>:20 - Iteration 49: Points 38 (cluster 2048) and 94 (cluster 94) connect at weight=189.0
2025-04-09 19:04:09.153 | DEBUG    | __main__:<module>:20 - Iteration 50: Points 32 (cluster 32) and 29 (cluster 29) connect at weight=189.0
2025-04-09 19:04:09.153 | DEBUG    | __main__:<module>:20 - Iteration 51: Points 29 (cluster 2050) and 45 (cluster 2035) connect at weight=189.0
2025-04-09 19:04:09.153 | DEBUG    | __main__:<module>:20 - Iteration 52: Points 26 (cluster 2034) and 8 (cluster 2046) connect at weight=189.0
2025-04-09 19:04:09.153 | DEBUG    | __main__:<module>:20 - Iteration 53: Points 5 (cluster 2052) and 53 (cluster 53) connect at weight=189.0
2025-04-09 19:04:09.155 | DEBUG    | __main__:<module>:20 - Iteration 54: Points 119 (cluster 119) and 69 (cluster 69) connect at weight=188.0
2025-04-09 19:04:09.155 | DEBUG    | __main__:<module>:20 - Iteration 55: Points 110 (cluster 110) and 67 (cluster 67) connect at weight=188.0
2025-04-09 19:04:09.155 | DEBUG    | __main__:<module>:20 - Iteration 56: Points 103 (cluster 103) and 91 (cluster 2040) connect at weight=188.0
2025-04-09 19:04:09.155 | DEBUG    | __main__:<module>:20 - Iteration 57: Points 93 (cluster 93) and 65 (cluster 65) connect at weight=188.0
2025-04-09 19:04:09.155 | DEBUG    | __main__:<module>:20 - Iteration 58: Points 76 (cluster 2043) and 52 (cluster 52) connect at weight=188.0
2025-04-09 19:04:09.156 | DEBUG    | __main__:<module>:20 - Iteration 59: Points 74 (cluster 74) and 75 (cluster 75) connect at weight=188.0
2025-04-09 19:04:09.156 | DEBUG    | __main__:<module>:20 - Iteration 60: Points 67 (cluster 2055) and 32 (cluster 2051) connect at weight=188.0
2025-04-09 19:04:09.156 | DEBUG    | __main__:<module>:20 - Iteration 61: Points 66 (cluster 66) and 28 (cluster 28) connect at weight=188.0
2025-04-09 19:04:09.156 | DEBUG    | __main__:<module>:20 - Iteration 62: Points 65 (cluster 2057) and 117 (cluster 117) connect at weight=188.0
2025-04-09 19:04:09.156 | DEBUG    | __main__:<module>:20 - Iteration 63: Points 65 (cluster 2062) and 20 (cluster 2026) connect at weight=188.0
2025-04-09 19:04:09.157 | DEBUG    | __main__:<module>:20 - Iteration 64: Points 52 (cluster 2058) and 80 (cluster 80) connect at weight=188.0
2025-04-09 19:04:09.157 | DEBUG    | __main__:<module>:20 - Iteration 65: Points 50 (cluster 50) and 93 (cluster 2063) connect at weight=188.0
2025-04-09 19:04:09.157 | DEBUG    | __main__:<module>:20 - Iteration 66: Points 49 (cluster 2033) and 83 (cluster 2049) connect at weight=188.0
2025-04-09 19:04:09.158 | DEBUG    | __main__:<module>:20 - Iteration 67: Points 46 (cluster 2047) and 98 (cluster 98) connect at weight=188.0
2025-04-09 19:04:09.158 | DEBUG    | __main__:<module>:20 - Iteration 68: Points 39 (cluster 39) and 73 (cluster 2044) connect at weight=188.0
2025-04-09 19:04:09.158 | DEBUG    | __main__:<module>:20 - Iteration 69: Points 35 (cluster 2068) and 50 (cluster 2065) connect at weight=188.0
2025-04-09 19:04:09.158 | DEBUG    | __main__:<module>:20 - Iteration 70: Points 119 (cluster 2054) and 135 (cluster 135) connect at weight=187.0
2025-04-09 19:04:09.159 | DEBUG    | __main__:<module>:20 - Iteration 71: Points 119 (cluster 2070) and 107 (cluster 107) connect at weight=187.0
2025-04-09 19:04:09.159 | DEBUG    | __main__:<module>:20 - Iteration 72: Points 115 (cluster 115) and 87 (cluster 87) connect at weight=187.0
2025-04-09 19:04:09.159 | DEBUG    | __main__:<module>:20 - Iteration 73: Points 112 (cluster 112) and 82 (cluster 82) connect at weight=187.0
2025-04-09 19:04:09.159 | DEBUG    | __main__:<module>:20 - Iteration 74: Points 101 (cluster 101) and 97 (cluster 97) connect at weight=187.0
2025-04-09 19:04:09.159 | DEBUG    | __main__:<module>:20 - Iteration 75: Points 96 (cluster 96) and 58 (cluster 58) connect at weight=187.0
2025-04-09 19:04:09.160 | DEBUG    | __main__:<module>:20 - Iteration 76: Points 92 (cluster 92) and 54 (cluster 54) connect at weight=187.0
2025-04-09 19:04:09.160 | DEBUG    | __main__:<module>:20 - Iteration 77: Points 87 (cluster 2072) and 141 (cluster 141) connect at weight=187.0
2025-04-09 19:04:09.160 | DEBUG    | __main__:<module>:20 - Iteration 78: Points 85 (cluster 85) and 122 (cluster 122) connect at weight=187.0
2025-04-09 19:04:09.160 | DEBUG    | __main__:<module>:20 - Iteration 79: Points 84 (cluster 84) and 139 (cluster 139) connect at weight=187.0
2025-04-09 19:04:09.160 | DEBUG    | __main__:<module>:20 - Iteration 80: Points 77 (cluster 77) and 144 (cluster 144) connect at weight=187.0
2025-04-09 19:04:09.161 | DEBUG    | __main__:<module>:20 - Iteration 81: Points 77 (cluster 2080) and 134 (cluster 134) connect at weight=187.0
2025-04-09 19:04:09.161 | DEBUG    | __main__:<module>:20 - Iteration 82: Points 75 (cluster 2059) and 101 (cluster 2074) connect at weight=187.0
2025-04-09 19:04:09.162 | DEBUG    | __main__:<module>:20 - Iteration 83: Points 63 (cluster 2060) and 111 (cluster 111) connect at weight=187.0
2025-04-09 19:04:09.162 | DEBUG    | __main__:<module>:20 - Iteration 84: Points 59 (cluster 2053) and 114 (cluster 114) connect at weight=187.0
2025-04-09 19:04:09.162 | DEBUG    | __main__:<module>:20 - Iteration 85: Points 58 (cluster 2075) and 125 (cluster 125) connect at weight=187.0
2025-04-09 19:04:09.162 | DEBUG    | __main__:<module>:20 - Iteration 86: Points 58 (cluster 2085) and 31 (cluster 2084) connect at weight=187.0
2025-04-09 19:04:09.162 | DEBUG    | __main__:<module>:20 - Iteration 87: Points 49 (cluster 2066) and 149 (cluster 149) connect at weight=187.0
2025-04-09 19:04:09.162 | DEBUG    | __main__:<module>:20 - Iteration 88: Points 39 (cluster 2069) and 66 (cluster 2061) connect at weight=187.0
2025-04-09 19:04:09.163 | DEBUG    | __main__:<module>:20 - Iteration 89: Points 21 (cluster 2067) and 130 (cluster 130) connect at weight=187.0
2025-04-09 19:04:09.163 | DEBUG    | __main__:<module>:20 - Iteration 90: Points 169 (cluster 169) and 165 (cluster 165) connect at weight=186.0
2025-04-09 19:04:09.163 | DEBUG    | __main__:<module>:20 - Iteration 91: Points 162 (cluster 162) and 104 (cluster 104) connect at weight=186.0
2025-04-09 19:04:09.163 | DEBUG    | __main__:<module>:20 - Iteration 92: Points 155 (cluster 155) and 154 (cluster 154) connect at weight=186.0
2025-04-09 19:04:09.164 | DEBUG    | __main__:<module>:20 - Iteration 93: Points 153 (cluster 153) and 152 (cluster 152) connect at weight=186.0
2025-04-09 19:04:09.164 | DEBUG    | __main__:<module>:20 - Iteration 94: Points 148 (cluster 148) and 79 (cluster 2042) connect at weight=186.0
2025-04-09 19:04:09.164 | DEBUG    | __main__:<module>:20 - Iteration 95: Points 146 (cluster 146) and 140 (cluster 140) connect at weight=186.0
2025-04-09 19:04:09.164 | DEBUG    | __main__:<module>:20 - Iteration 96: Points 145 (cluster 145) and 88 (cluster 88) connect at weight=186.0
2025-04-09 19:04:09.164 | DEBUG    | __main__:<module>:20 - Iteration 97: Points 142 (cluster 142) and 146 (cluster 2095) connect at weight=186.0
2025-04-09 19:04:09.165 | DEBUG    | __main__:<module>:20 - Iteration 98: Points 124 (cluster 124) and 120 (cluster 120) connect at weight=186.0
2025-04-09 19:04:09.166 | DEBUG    | __main__:<module>:20 - Iteration 99: Points 121 (cluster 121) and 109 (cluster 109) connect at weight=186.0
2025-04-09 19:04:09.166 | DEBUG    | __main__:<module>:20 - Iteration 100: Points 120 (cluster 2098) and 76 (cluster 2064) connect at weight=186.0
2025-04-09 19:04:09.167 | DEBUG    | __main__:<module>:20 - Iteration 101: Points 115 (cluster 2077) and 145 (cluster 2096) connect at weight=186.0
2025-04-09 19:04:09.167 | DEBUG    | __main__:<module>:20 - Iteration 102: Points 114 (cluster 2086) and 157 (cluster 157) connect at weight=186.0
2025-04-09 19:04:09.167 | DEBUG    | __main__:<module>:20 - Iteration 103: Points 105 (cluster 2100) and 173 (cluster 173) connect at weight=186.0
2025-04-09 19:04:09.167 | DEBUG    | __main__:<module>:20 - Iteration 104: Points 98 (cluster 2089) and 171 (cluster 171) connect at weight=186.0
2025-04-09 19:04:09.167 | DEBUG    | __main__:<module>:20 - Iteration 105: Points 94 (cluster 2087) and 176 (cluster 176) connect at weight=186.0
2025-04-09 19:04:09.168 | DEBUG    | __main__:<module>:20 - Iteration 106: Points 93 (cluster 2088) and 106 (cluster 106) connect at weight=186.0
2025-04-09 19:04:09.168 | DEBUG    | __main__:<module>:20 - Iteration 107: Points 89 (cluster 89) and 115 (cluster 2101) connect at weight=186.0
2025-04-09 19:04:09.168 | DEBUG    | __main__:<module>:20 - Iteration 108: Points 86 (cluster 86) and 124 (cluster 2103) connect at weight=186.0
2025-04-09 19:04:09.168 | DEBUG    | __main__:<module>:20 - Iteration 109: Points 83 (cluster 2105) and 159 (cluster 159) connect at weight=186.0
2025-04-09 19:04:09.168 | DEBUG    | __main__:<module>:20 - Iteration 110: Points 80 (cluster 2108) and 96 (cluster 2102) connect at weight=186.0
2025-04-09 19:04:09.169 | DEBUG    | __main__:<module>:20 - Iteration 111: Points 79 (cluster 2094) and 167 (cluster 167) connect at weight=186.0
2025-04-09 19:04:09.169 | DEBUG    | __main__:<module>:20 - Iteration 112: Points 58 (cluster 2110) and 116 (cluster 116) connect at weight=186.0
2025-04-09 19:04:09.169 | DEBUG    | __main__:<module>:20 - Iteration 113: Points 56 (cluster 2045) and 175 (cluster 175) connect at weight=186.0
2025-04-09 19:04:09.169 | DEBUG    | __main__:<module>:20 - Iteration 114: Points 55 (cluster 55) and 126 (cluster 126) connect at weight=186.0
2025-04-09 19:04:09.170 | DEBUG    | __main__:<module>:20 - Iteration 115: Points 47 (cluster 2029) and 68 (cluster 68) connect at weight=186.0
2025-04-09 19:04:09.170 | DEBUG    | __main__:<module>:20 - Iteration 116: Points 43 (cluster 2109) and 118 (cluster 118) connect at weight=186.0
2025-04-09 19:04:09.170 | DEBUG    | __main__:<module>:20 - Iteration 117: Points 21 (cluster 2104) and 160 (cluster 160) connect at weight=186.0
2025-04-09 19:04:09.170 | DEBUG    | __main__:<module>:20 - Iteration 118: Points 17 (cluster 2027) and 121 (cluster 2099) connect at weight=186.0
2025-04-09 19:04:09.170 | DEBUG    | __main__:<module>:20 - Iteration 119: Points 185 (cluster 185) and 77 (cluster 2081) connect at weight=185.0
2025-04-09 19:04:09.171 | DEBUG    | __main__:<module>:20 - Iteration 120: Points 171 (cluster 2117) and 179 (cluster 179) connect at weight=185.0
2025-04-09 19:04:09.171 | DEBUG    | __main__:<module>:20 - Iteration 121: Points 160 (cluster 2120) and 137 (cluster 137) connect at weight=185.0
2025-04-09 19:04:09.171 | DEBUG    | __main__:<module>:20 - Iteration 122: Points 144 (cluster 2119) and 108 (cluster 108) connect at weight=185.0
2025-04-09 19:04:09.171 | DEBUG    | __main__:<module>:20 - Iteration 123: Points 140 (cluster 2097) and 192 (cluster 192) connect at weight=185.0
2025-04-09 19:04:09.173 | DEBUG    | __main__:<module>:20 - Iteration 124: Points 122 (cluster 2078) and 123 (cluster 123) connect at weight=185.0
2025-04-09 19:04:09.173 | DEBUG    | __main__:<module>:20 - Iteration 125: Points 118 (cluster 2116) and 198 (cluster 198) connect at weight=185.0
2025-04-09 19:04:09.173 | DEBUG    | __main__:<module>:20 - Iteration 126: Points 104 (cluster 2091) and 37 (cluster 2125) connect at weight=185.0
2025-04-09 19:04:09.173 | DEBUG    | __main__:<module>:20 - Iteration 127: Points 88 (cluster 2107) and 55 (cluster 2114) connect at weight=185.0
2025-04-09 19:04:09.174 | DEBUG    | __main__:<module>:20 - Iteration 128: Points 82 (cluster 2073) and 155 (cluster 2092) connect at weight=185.0
2025-04-09 19:04:09.174 | DEBUG    | __main__:<module>:20 - Iteration 129: Points 75 (cluster 2082) and 194 (cluster 194) connect at weight=185.0
2025-04-09 19:04:09.174 | DEBUG    | __main__:<module>:20 - Iteration 130: Points 71 (cluster 71) and 183 (cluster 183) connect at weight=185.0
2025-04-09 19:04:09.174 | DEBUG    | __main__:<module>:20 - Iteration 131: Points 61 (cluster 61) and 100 (cluster 100) connect at weight=185.0
2025-04-09 19:04:09.174 | DEBUG    | __main__:<module>:20 - Iteration 132: Points 60 (cluster 2113) and 64 (cluster 64) connect at weight=185.0
2025-04-09 19:04:09.174 | DEBUG    | __main__:<module>:20 - Iteration 133: Points 45 (cluster 2083) and 158 (cluster 158) connect at weight=185.0
2025-04-09 19:04:09.175 | DEBUG    | __main__:<module>:20 - Iteration 134: Points 44 (cluster 2106) and 18 (cluster 2115) connect at weight=185.0
2025-04-09 19:04:09.175 | DEBUG    | __main__:<module>:20 - Iteration 135: Points 19 (cluster 2118) and 164 (cluster 164) connect at weight=185.0
2025-04-09 19:04:09.175 | DEBUG    | __main__:<module>:20 - Iteration 136: Points 228 (cluster 228) and 225 (cluster 225) connect at weight=184.0
2025-04-09 19:04:09.175 | DEBUG    | __main__:<module>:20 - Iteration 137: Points 227 (cluster 227) and 226 (cluster 226) connect at weight=184.0
2025-04-09 19:04:09.175 | DEBUG    | __main__:<module>:20 - Iteration 138: Points 227 (cluster 2137) and 163 (cluster 163) connect at weight=184.0
2025-04-09 19:04:09.176 | DEBUG    | __main__:<module>:20 - Iteration 139: Points 222 (cluster 222) and 162 (cluster 2126) connect at weight=184.0
2025-04-09 19:04:09.176 | DEBUG    | __main__:<module>:20 - Iteration 140: Points 201 (cluster 201) and 39 (cluster 2134) connect at weight=184.0
2025-04-09 19:04:09.176 | DEBUG    | __main__:<module>:20 - Iteration 141: Points 196 (cluster 196) and 215 (cluster 215) connect at weight=184.0
2025-04-09 19:04:09.176 | DEBUG    | __main__:<module>:20 - Iteration 142: Points 195 (cluster 195) and 110 (cluster 2133) connect at weight=184.0
2025-04-09 19:04:09.176 | DEBUG    | __main__:<module>:20 - Iteration 143: Points 190 (cluster 190) and 204 (cluster 204) connect at weight=184.0
2025-04-09 19:04:09.177 | DEBUG    | __main__:<module>:20 - Iteration 144: Points 181 (cluster 181) and 92 (cluster 2076) connect at weight=184.0
2025-04-09 19:04:09.177 | DEBUG    | __main__:<module>:20 - Iteration 145: Points 179 (cluster 2121) and 242 (cluster 242) connect at weight=184.0
2025-04-09 19:04:09.177 | DEBUG    | __main__:<module>:20 - Iteration 146: Points 149 (cluster 2139) and 156 (cluster 156) connect at weight=184.0
2025-04-09 19:04:09.177 | DEBUG    | __main__:<module>:20 - Iteration 147: Points 138 (cluster 138) and 161 (cluster 161) connect at weight=184.0
2025-04-09 19:04:09.178 | DEBUG    | __main__:<module>:20 - Iteration 148: Points 138 (cluster 2147) and 153 (cluster 2093) connect at weight=184.0
2025-04-09 19:04:09.179 | DEBUG    | __main__:<module>:20 - Iteration 149: Points 132 (cluster 132) and 56 (cluster 2132) connect at weight=184.0
2025-04-09 19:04:09.179 | DEBUG    | __main__:<module>:20 - Iteration 150: Points 123 (cluster 2124) and 89 (cluster 2127) connect at weight=184.0
2025-04-09 19:04:09.179 | DEBUG    | __main__:<module>:20 - Iteration 151: Points 122 (cluster 2150) and 234 (cluster 234) connect at weight=184.0
2025-04-09 19:04:09.179 | DEBUG    | __main__:<module>:20 - Iteration 152: Points 120 (cluster 2112) and 213 (cluster 213) connect at weight=184.0
2025-04-09 19:04:09.180 | DEBUG    | __main__:<module>:20 - Iteration 153: Points 111 (cluster 2142) and 136 (cluster 136) connect at weight=184.0
2025-04-09 19:04:09.180 | DEBUG    | __main__:<module>:20 - Iteration 154: Points 106 (cluster 2140) and 240 (cluster 240) connect at weight=184.0
2025-04-09 19:04:09.180 | DEBUG    | __main__:<module>:20 - Iteration 155: Points 87 (cluster 2151) and 200 (cluster 200) connect at weight=184.0
2025-04-09 19:04:09.180 | DEBUG    | __main__:<module>:20 - Iteration 156: Points 79 (cluster 2111) and 86 (cluster 2152) connect at weight=184.0
2025-04-09 19:04:09.180 | DEBUG    | __main__:<module>:20 - Iteration 157: Points 58 (cluster 2156) and 210 (cluster 210) connect at weight=184.0
2025-04-09 19:04:09.181 | DEBUG    | __main__:<module>:20 - Iteration 158: Points 57 (cluster 57) and 19 (cluster 2135) connect at weight=184.0
2025-04-09 19:04:09.181 | DEBUG    | __main__:<module>:20 - Iteration 159: Points 54 (cluster 2144) and 172 (cluster 172) connect at weight=184.0
2025-04-09 19:04:09.181 | DEBUG    | __main__:<module>:20 - Iteration 160: Points 43 (cluster 2146) and 90 (cluster 90) connect at weight=184.0
2025-04-09 19:04:09.181 | DEBUG    | __main__:<module>:20 - Iteration 161: Points 42 (cluster 2056) and 169 (cluster 2090) connect at weight=184.0
2025-04-09 19:04:09.181 | DEBUG    | __main__:<module>:20 - Iteration 162: Points 290 (cluster 290) and 285 (cluster 285) connect at weight=183.0
2025-04-09 19:04:09.182 | DEBUG    | __main__:<module>:20 - Iteration 163: Points 289 (cluster 289) and 232 (cluster 232) connect at weight=183.0
2025-04-09 19:04:09.182 | DEBUG    | __main__:<module>:20 - Iteration 164: Points 261 (cluster 261) and 250 (cluster 250) connect at weight=183.0
2025-04-09 19:04:09.182 | DEBUG    | __main__:<module>:20 - Iteration 165: Points 261 (cluster 2164) and 222 (cluster 2160) connect at weight=183.0
2025-04-09 19:04:09.182 | DEBUG    | __main__:<module>:20 - Iteration 166: Points 256 (cluster 256) and 181 (cluster 2159) connect at weight=183.0
2025-04-09 19:04:09.182 | DEBUG    | __main__:<module>:20 - Iteration 167: Points 241 (cluster 241) and 206 (cluster 206) connect at weight=183.0
2025-04-09 19:04:09.183 | DEBUG    | __main__:<module>:20 - Iteration 168: Points 228 (cluster 2136) and 202 (cluster 202) connect at weight=183.0
2025-04-09 19:04:09.183 | DEBUG    | __main__:<module>:20 - Iteration 169: Points 224 (cluster 224) and 148 (cluster 2157) connect at weight=183.0
2025-04-09 19:04:09.183 | DEBUG    | __main__:<module>:20 - Iteration 170: Points 221 (cluster 221) and 274 (cluster 274) connect at weight=183.0
2025-04-09 19:04:09.183 | DEBUG    | __main__:<module>:20 - Iteration 171: Points 217 (cluster 217) and 258 (cluster 258) connect at weight=183.0
2025-04-09 19:04:09.183 | DEBUG    | __main__:<module>:20 - Iteration 172: Points 205 (cluster 205) and 219 (cluster 219) connect at weight=183.0
2025-04-09 19:04:09.183 | DEBUG    | __main__:<module>:20 - Iteration 173: Points 203 (cluster 203) and 267 (cluster 267) connect at weight=183.0
2025-04-09 19:04:09.184 | DEBUG    | __main__:<module>:20 - Iteration 174: Points 197 (cluster 197) and 119 (cluster 2071) connect at weight=183.0
2025-04-09 19:04:09.184 | DEBUG    | __main__:<module>:20 - Iteration 175: Points 194 (cluster 2129) and 288 (cluster 288) connect at weight=183.0
2025-04-09 19:04:09.184 | DEBUG    | __main__:<module>:20 - Iteration 176: Points 193 (cluster 193) and 177 (cluster 177) connect at weight=183.0
2025-04-09 19:04:09.184 | DEBUG    | __main__:<module>:20 - Iteration 177: Points 187 (cluster 187) and 237 (cluster 237) connect at weight=183.0
2025-04-09 19:04:09.184 | DEBUG    | __main__:<module>:20 - Iteration 178: Points 186 (cluster 186) and 221 (cluster 2170) connect at weight=183.0
2025-04-09 19:04:09.185 | DEBUG    | __main__:<module>:20 - Iteration 179: Points 185 (cluster 2122) and 255 (cluster 255) connect at weight=183.0
2025-04-09 19:04:09.185 | DEBUG    | __main__:<module>:20 - Iteration 180: Points 178 (cluster 178) and 220 (cluster 220) connect at weight=183.0
2025-04-09 19:04:09.185 | DEBUG    | __main__:<module>:20 - Iteration 181: Points 178 (cluster 2180) and 212 (cluster 212) connect at weight=183.0
2025-04-09 19:04:09.185 | DEBUG    | __main__:<module>:20 - Iteration 182: Points 173 (cluster 2169) and 264 (cluster 264) connect at weight=183.0
2025-04-09 19:04:09.185 | DEBUG    | __main__:<module>:20 - Iteration 183: Points 171 (cluster 2145) and 289 (cluster 2163) connect at weight=183.0
2025-04-09 19:04:09.186 | DEBUG    | __main__:<module>:20 - Iteration 184: Points 170 (cluster 170) and 205 (cluster 2172) connect at weight=183.0
2025-04-09 19:04:09.186 | DEBUG    | __main__:<module>:20 - Iteration 185: Points 166 (cluster 166) and 257 (cluster 257) connect at weight=183.0
2025-04-09 19:04:09.186 | DEBUG    | __main__:<module>:20 - Iteration 186: Points 163 (cluster 2138) and 103 (cluster 2161) connect at weight=183.0
2025-04-09 19:04:09.186 | DEBUG    | __main__:<module>:20 - Iteration 187: Points 162 (cluster 2165) and 231 (cluster 231) connect at weight=183.0
2025-04-09 19:04:09.186 | DEBUG    | __main__:<module>:20 - Iteration 188: Points 161 (cluster 2148) and 214 (cluster 214) connect at weight=183.0
2025-04-09 19:04:09.186 | DEBUG    | __main__:<module>:20 - Iteration 189: Points 158 (cluster 2153) and 272 (cluster 272) connect at weight=183.0
2025-04-09 19:04:09.187 | DEBUG    | __main__:<module>:20 - Iteration 190: Points 155 (cluster 2128) and 291 (cluster 291) connect at weight=183.0
2025-04-09 19:04:09.187 | DEBUG    | __main__:<module>:20 - Iteration 191: Points 147 (cluster 147) and 151 (cluster 151) connect at weight=183.0
2025-04-09 19:04:09.187 | DEBUG    | __main__:<module>:20 - Iteration 192: Points 139 (cluster 2079) and 180 (cluster 180) connect at weight=183.0
2025-04-09 19:04:09.187 | DEBUG    | __main__:<module>:20 - Iteration 193: Points 137 (cluster 2183) and 271 (cluster 271) connect at weight=183.0
2025-04-09 19:04:09.187 | DEBUG    | __main__:<module>:20 - Iteration 194: Points 137 (cluster 2193) and 227 (cluster 2186) connect at weight=183.0
2025-04-09 19:04:09.188 | DEBUG    | __main__:<module>:20 - Iteration 195: Points 136 (cluster 2189) and 280 (cluster 280) connect at weight=183.0
2025-04-09 19:04:09.188 | DEBUG    | __main__:<module>:20 - Iteration 196: Points 131 (cluster 131) and 275 (cluster 275) connect at weight=183.0
2025-04-09 19:04:09.188 | DEBUG    | __main__:<module>:20 - Iteration 197: Points 131 (cluster 2196) and 27 (cluster 2008) connect at weight=183.0
2025-04-09 19:04:09.188 | DEBUG    | __main__:<module>:20 - Iteration 198: Points 127 (cluster 127) and 138 (cluster 2188) connect at weight=183.0
2025-04-09 19:04:09.188 | DEBUG    | __main__:<module>:20 - Iteration 199: Points 113 (cluster 113) and 191 (cluster 191) connect at weight=183.0
2025-04-09 19:04:09.188 | DEBUG    | __main__:<module>:20 - Iteration 200: Points 108 (cluster 2179) and 61 (cluster 2131) connect at weight=183.0
2025-04-09 19:04:09.189 | DEBUG    | __main__:<module>:20 - Iteration 201: Points 68 (cluster 2154) and 287 (cluster 287) connect at weight=183.0
2025-04-09 19:04:09.189 | DEBUG    | __main__:<module>:20 - Iteration 202: Points 64 (cluster 2149) and 143 (cluster 143) connect at weight=183.0
2025-04-09 19:04:09.190 | DEBUG    | __main__:<module>:20 - Iteration 203: Points 62 (cluster 2182) and 252 (cluster 252) connect at weight=183.0
2025-04-09 19:04:09.190 | DEBUG    | __main__:<module>:20 - Iteration 204: Points 47 (cluster 2201) and 238 (cluster 238) connect at weight=183.0
2025-04-09 19:04:09.190 | DEBUG    | __main__:<module>:20 - Iteration 205: Points 20 (cluster 2204) and 199 (cluster 199) connect at weight=183.0
2025-04-09 19:04:09.191 | DEBUG    | __main__:<module>:20 - Iteration 206: Points 330 (cluster 330) and 314 (cluster 314) connect at weight=182.0
2025-04-09 19:04:09.191 | DEBUG    | __main__:<module>:20 - Iteration 207: Points 324 (cluster 324) and 278 (cluster 278) connect at weight=182.0
2025-04-09 19:04:09.191 | DEBUG    | __main__:<module>:20 - Iteration 208: Points 293 (cluster 293) and 256 (cluster 2166) connect at weight=182.0
2025-04-09 19:04:09.191 | DEBUG    | __main__:<module>:20 - Iteration 209: Points 289 (cluster 2194) and 332 (cluster 332) connect at weight=182.0
2025-04-09 19:04:09.192 | DEBUG    | __main__:<module>:20 - Iteration 210: Points 279 (cluster 279) and 186 (cluster 2178) connect at weight=182.0
2025-04-09 19:04:09.192 | DEBUG    | __main__:<module>:20 - Iteration 211: Points 268 (cluster 268) and 85 (cluster 2155) connect at weight=182.0
2025-04-09 19:04:09.192 | DEBUG    | __main__:<module>:20 - Iteration 212: Points 267 (cluster 2173) and 251 (cluster 251) connect at weight=182.0
2025-04-09 19:04:09.192 | DEBUG    | __main__:<module>:20 - Iteration 213: Points 263 (cluster 263) and 301 (cluster 301) connect at weight=182.0
2025-04-09 19:04:09.192 | DEBUG    | __main__:<module>:20 - Iteration 214: Points 260 (cluster 260) and 203 (cluster 2212) connect at weight=182.0
2025-04-09 19:04:09.192 | DEBUG    | __main__:<module>:20 - Iteration 215: Points 258 (cluster 2171) and 319 (cluster 319) connect at weight=182.0
2025-04-09 19:04:09.193 | DEBUG    | __main__:<module>:20 - Iteration 216: Points 254 (cluster 254) and 187 (cluster 2177) connect at weight=182.0
2025-04-09 19:04:09.193 | DEBUG    | __main__:<module>:20 - Iteration 217: Points 246 (cluster 246) and 102 (cluster 102) connect at weight=182.0
2025-04-09 19:04:09.193 | DEBUG    | __main__:<module>:20 - Iteration 218: Points 241 (cluster 2167) and 57 (cluster 2158) connect at weight=182.0
2025-04-09 19:04:09.193 | DEBUG    | __main__:<module>:20 - Iteration 219: Points 240 (cluster 2205) and 334 (cluster 334) connect at weight=182.0
2025-04-09 19:04:09.193 | DEBUG    | __main__:<module>:20 - Iteration 220: Points 237 (cluster 2216) and 132 (cluster 2202) connect at weight=182.0
2025-04-09 19:04:09.194 | DEBUG    | __main__:<module>:20 - Iteration 221: Points 228 (cluster 2168) and 304 (cluster 304) connect at weight=182.0
2025-04-09 19:04:09.194 | DEBUG    | __main__:<module>:20 - Iteration 222: Points 221 (cluster 2210) and 328 (cluster 328) connect at weight=182.0
2025-04-09 19:04:09.194 | DEBUG    | __main__:<module>:20 - Iteration 223: Points 209 (cluster 209) and 185 (cluster 2200) connect at weight=182.0
2025-04-09 19:04:09.194 | DEBUG    | __main__:<module>:20 - Iteration 224: Points 202 (cluster 2221) and 306 (cluster 306) connect at weight=182.0
2025-04-09 19:04:09.194 | DEBUG    | __main__:<module>:20 - Iteration 225: Points 193 (cluster 2176) and 133 (cluster 133) connect at weight=182.0
2025-04-09 19:04:09.195 | DEBUG    | __main__:<module>:20 - Iteration 226: Points 177 (cluster 2225) and 170 (cluster 2184) connect at weight=182.0
2025-04-09 19:04:09.195 | DEBUG    | __main__:<module>:20 - Iteration 227: Points 155 (cluster 2190) and 294 (cluster 294) connect at weight=182.0
2025-04-09 19:04:09.195 | DEBUG    | __main__:<module>:20 - Iteration 228: Points 138 (cluster 2198) and 150 (cluster 150) connect at weight=182.0
2025-04-09 19:04:09.195 | DEBUG    | __main__:<module>:20 - Iteration 229: Points 136 (cluster 2195) and 201 (cluster 2219) connect at weight=182.0
2025-04-09 19:04:09.195 | DEBUG    | __main__:<module>:20 - Iteration 230: Points 126 (cluster 2211) and 277 (cluster 277) connect at weight=182.0
2025-04-09 19:04:09.195 | DEBUG    | __main__:<module>:20 - Iteration 231: Points 123 (cluster 2230) and 211 (cluster 211) connect at weight=182.0
2025-04-09 19:04:09.196 | DEBUG    | __main__:<module>:20 - Iteration 232: Points 121 (cluster 2218) and 307 (cluster 307) connect at weight=182.0
2025-04-09 19:04:09.196 | DEBUG    | __main__:<module>:20 - Iteration 233: Points 121 (cluster 2232) and 112 (cluster 2227) connect at weight=182.0
2025-04-09 19:04:09.196 | DEBUG    | __main__:<module>:20 - Iteration 234: Points 117 (cluster 2229) and 330 (cluster 2206) connect at weight=182.0
2025-04-09 19:04:09.196 | DEBUG    | __main__:<module>:20 - Iteration 235: Points 106 (cluster 2234) and 300 (cluster 300) connect at weight=182.0
2025-04-09 19:04:09.196 | DEBUG    | __main__:<module>:20 - Iteration 236: Points 102 (cluster 2217) and 228 (cluster 2224) connect at weight=182.0
2025-04-09 19:04:09.197 | DEBUG    | __main__:<module>:20 - Iteration 237: Points 89 (cluster 2231) and 218 (cluster 218) connect at weight=182.0
2025-04-09 19:04:09.197 | DEBUG    | __main__:<module>:20 - Iteration 238: Points 75 (cluster 2175) and 233 (cluster 233) connect at weight=182.0
2025-04-09 19:04:09.197 | DEBUG    | __main__:<module>:20 - Iteration 239: Points 68 (cluster 2235) and 263 (cluster 2213) connect at weight=182.0
2025-04-09 19:04:09.197 | DEBUG    | __main__:<module>:20 - Iteration 240: Points 64 (cluster 2220) and 284 (cluster 284) connect at weight=182.0
2025-04-09 19:04:09.197 | DEBUG    | __main__:<module>:20 - Iteration 241: Points 53 (cluster 2203) and 309 (cluster 309) connect at weight=182.0
2025-04-09 19:04:09.198 | DEBUG    | __main__:<module>:20 - Iteration 242: Points 46 (cluster 2209) and 245 (cluster 245) connect at weight=182.0
2025-04-09 19:04:09.198 | DEBUG    | __main__:<module>:20 - Iteration 243: Points 27 (cluster 2197) and 292 (cluster 292) connect at weight=182.0
2025-04-09 19:04:09.201 | DEBUG    | __main__:<module>:20 - Iteration 244: Points 27 (cluster 2243) and 261 (cluster 2187) connect at weight=182.0
2025-04-09 19:04:09.201 | DEBUG    | __main__:<module>:20 - Iteration 245: Points 0 (cluster 2242) and 195 (cluster 2239) connect at weight=182.0
2025-04-09 19:04:09.201 | DEBUG    | __main__:<module>:20 - Iteration 246: Points 378 (cluster 378) and 373 (cluster 373) connect at weight=181.0
2025-04-09 19:04:09.202 | DEBUG    | __main__:<module>:20 - Iteration 247: Points 378 (cluster 2246) and 357 (cluster 357) connect at weight=181.0
2025-04-09 19:04:09.202 | DEBUG    | __main__:<module>:20 - Iteration 248: Points 378 (cluster 2247) and 345 (cluster 345) connect at weight=181.0
2025-04-09 19:04:09.202 | DEBUG    | __main__:<module>:20 - Iteration 249: Points 377 (cluster 377) and 268 (cluster 2237) connect at weight=181.0
2025-04-09 19:04:09.202 | DEBUG    | __main__:<module>:20 - Iteration 250: Points 375 (cluster 375) and 362 (cluster 362) connect at weight=181.0
2025-04-09 19:04:09.202 | DEBUG    | __main__:<module>:20 - Iteration 251: Points 369 (cluster 369) and 269 (cluster 269) connect at weight=181.0
2025-04-09 19:04:09.203 | DEBUG    | __main__:<module>:20 - Iteration 252: Points 366 (cluster 366) and 365 (cluster 365) connect at weight=181.0
2025-04-09 19:04:09.203 | DEBUG    | __main__:<module>:20 - Iteration 253: Points 358 (cluster 358) and 343 (cluster 343) connect at weight=181.0
2025-04-09 19:04:09.203 | DEBUG    | __main__:<module>:20 - Iteration 254: Points 338 (cluster 338) and 313 (cluster 313) connect at weight=181.0
2025-04-09 19:04:09.203 | DEBUG    | __main__:<module>:20 - Iteration 255: Points 333 (cluster 333) and 266 (cluster 266) connect at weight=181.0
2025-04-09 19:04:09.203 | DEBUG    | __main__:<module>:20 - Iteration 256: Points 315 (cluster 315) and 244 (cluster 244) connect at weight=181.0
2025-04-09 19:04:09.204 | DEBUG    | __main__:<module>:20 - Iteration 257: Points 315 (cluster 2256) and 239 (cluster 239) connect at weight=181.0
2025-04-09 19:04:09.204 | DEBUG    | __main__:<module>:20 - Iteration 258: Points 307 (cluster 2233) and 341 (cluster 341) connect at weight=181.0
2025-04-09 19:04:09.204 | DEBUG    | __main__:<module>:20 - Iteration 259: Points 306 (cluster 2236) and 305 (cluster 305) connect at weight=181.0
2025-04-09 19:04:09.204 | DEBUG    | __main__:<module>:20 - Iteration 260: Points 300 (cluster 2245) and 375 (cluster 2250) connect at weight=181.0
2025-04-09 19:04:09.204 | DEBUG    | __main__:<module>:20 - Iteration 261: Points 292 (cluster 2244) and 349 (cluster 349) connect at weight=181.0
2025-04-09 19:04:09.204 | DEBUG    | __main__:<module>:20 - Iteration 262: Points 286 (cluster 286) and 364 (cluster 364) connect at weight=181.0
2025-04-09 19:04:09.205 | DEBUG    | __main__:<module>:20 - Iteration 263: Points 286 (cluster 2262) and 131 (cluster 2261) connect at weight=181.0
2025-04-09 19:04:09.205 | DEBUG    | __main__:<module>:20 - Iteration 264: Points 284 (cluster 2240) and 356 (cluster 356) connect at weight=181.0
2025-04-09 19:04:09.205 | DEBUG    | __main__:<module>:20 - Iteration 265: Points 283 (cluster 283) and 71 (cluster 2130) connect at weight=181.0
2025-04-09 19:04:09.205 | DEBUG    | __main__:<module>:20 - Iteration 266: Points 265 (cluster 265) and 207 (cluster 207) connect at weight=181.0
2025-04-09 19:04:09.205 | DEBUG    | __main__:<module>:20 - Iteration 267: Points 253 (cluster 253) and 208 (cluster 208) connect at weight=181.0
2025-04-09 19:04:09.206 | DEBUG    | __main__:<module>:20 - Iteration 268: Points 245 (cluster 2260) and 339 (cluster 339) connect at weight=181.0
2025-04-09 19:04:09.206 | DEBUG    | __main__:<module>:20 - Iteration 269: Points 214 (cluster 2228) and 361 (cluster 361) connect at weight=181.0
2025-04-09 19:04:09.206 | DEBUG    | __main__:<module>:20 - Iteration 270: Points 208 (cluster 2267) and 168 (cluster 168) connect at weight=181.0
2025-04-09 19:04:09.206 | DEBUG    | __main__:<module>:20 - Iteration 271: Points 198 (cluster 2263) and 360 (cluster 360) connect at weight=181.0
2025-04-09 19:04:09.206 | DEBUG    | __main__:<module>:20 - Iteration 272: Points 195 (cluster 2268) and 340 (cluster 340) connect at weight=181.0
2025-04-09 19:04:09.206 | DEBUG    | __main__:<module>:20 - Iteration 273: Points 191 (cluster 2199) and 312 (cluster 312) connect at weight=181.0
2025-04-09 19:04:09.207 | DEBUG    | __main__:<module>:20 - Iteration 274: Points 188 (cluster 188) and 326 (cluster 326) connect at weight=181.0
2025-04-09 19:04:09.207 | DEBUG    | __main__:<module>:20 - Iteration 275: Points 180 (cluster 2192) and 197 (cluster 2174) connect at weight=181.0
2025-04-09 19:04:09.207 | DEBUG    | __main__:<module>:20 - Iteration 276: Points 143 (cluster 2264) and 84 (cluster 2275) connect at weight=181.0
2025-04-09 19:04:09.207 | DEBUG    | __main__:<module>:20 - Iteration 277: Points 135 (cluster 2276) and 317 (cluster 317) connect at weight=181.0
2025-04-09 19:04:09.207 | DEBUG    | __main__:<module>:20 - Iteration 278: Points 132 (cluster 2277) and 380 (cluster 380) connect at weight=181.0
2025-04-09 19:04:09.208 | DEBUG    | __main__:<module>:20 - Iteration 279: Points 129 (cluster 129) and 308 (cluster 308) connect at weight=181.0
2025-04-09 19:04:09.208 | DEBUG    | __main__:<module>:20 - Iteration 280: Points 121 (cluster 2258) and 346 (cluster 346) connect at weight=181.0
2025-04-09 19:04:09.208 | DEBUG    | __main__:<module>:20 - Iteration 281: Points 112 (cluster 2280) and 316 (cluster 316) connect at weight=181.0
2025-04-09 19:04:09.208 | DEBUG    | __main__:<module>:20 - Iteration 282: Points 107 (cluster 2278) and 216 (cluster 216) connect at weight=181.0
2025-04-09 19:04:09.208 | DEBUG    | __main__:<module>:20 - Iteration 283: Points 91 (cluster 2272) and 379 (cluster 379) connect at weight=181.0
2025-04-09 19:04:09.208 | DEBUG    | __main__:<module>:20 - Iteration 284: Points 424 (cluster 424) and 381 (cluster 381) connect at weight=180.0
2025-04-09 19:04:09.209 | DEBUG    | __main__:<module>:20 - Iteration 285: Points 413 (cluster 413) and 388 (cluster 388) connect at weight=180.0
2025-04-09 19:04:09.209 | DEBUG    | __main__:<module>:20 - Iteration 286: Points 406 (cluster 406) and 382 (cluster 382) connect at weight=180.0
2025-04-09 19:04:09.209 | DEBUG    | __main__:<module>:20 - Iteration 287: Points 399 (cluster 399) and 386 (cluster 386) connect at weight=180.0
2025-04-09 19:04:09.209 | DEBUG    | __main__:<module>:20 - Iteration 288: Points 378 (cluster 2248) and 406 (cluster 2286) connect at weight=180.0
2025-04-09 19:04:09.209 | DEBUG    | __main__:<module>:20 - Iteration 289: Points 347 (cluster 347) and 358 (cluster 2253) connect at weight=180.0
2025-04-09 19:04:09.210 | DEBUG    | __main__:<module>:20 - Iteration 290: Points 344 (cluster 344) and 223 (cluster 223) connect at weight=180.0
2025-04-09 19:04:09.210 | DEBUG    | __main__:<module>:20 - Iteration 291: Points 336 (cluster 336) and 394 (cluster 394) connect at weight=180.0
2025-04-09 19:04:09.210 | DEBUG    | __main__:<module>:20 - Iteration 292: Points 334 (cluster 2283) and 399 (cluster 2287) connect at weight=180.0
2025-04-09 19:04:09.210 | DEBUG    | __main__:<module>:20 - Iteration 293: Points 333 (cluster 2255) and 419 (cluster 419) connect at weight=180.0
2025-04-09 19:04:09.210 | DEBUG    | __main__:<module>:20 - Iteration 294: Points 332 (cluster 2292) and 396 (cluster 396) connect at weight=180.0
2025-04-09 19:04:09.210 | DEBUG    | __main__:<module>:20 - Iteration 295: Points 331 (cluster 331) and 113 (cluster 2273) connect at weight=180.0
2025-04-09 19:04:09.211 | DEBUG    | __main__:<module>:20 - Iteration 296: Points 330 (cluster 2294) and 417 (cluster 417) connect at weight=180.0
2025-04-09 19:04:09.211 | DEBUG    | __main__:<module>:20 - Iteration 297: Points 321 (cluster 321) and 189 (cluster 189) connect at weight=180.0
2025-04-09 19:04:09.211 | DEBUG    | __main__:<module>:20 - Iteration 298: Points 319 (cluster 2215) and 350 (cluster 350) connect at weight=180.0
2025-04-09 19:04:09.211 | DEBUG    | __main__:<module>:20 - Iteration 299: Points 318 (cluster 318) and 333 (cluster 2293) connect at weight=180.0
2025-04-09 19:04:09.211 | DEBUG    | __main__:<module>:20 - Iteration 300: Points 308 (cluster 2279) and 297 (cluster 297) connect at weight=180.0
2025-04-09 19:04:09.212 | DEBUG    | __main__:<module>:20 - Iteration 301: Points 305 (cluster 2259) and 416 (cluster 416) connect at weight=180.0
2025-04-09 19:04:09.212 | DEBUG    | __main__:<module>:20 - Iteration 302: Points 296 (cluster 296) and 425 (cluster 425) connect at weight=180.0
2025-04-09 19:04:09.212 | DEBUG    | __main__:<module>:20 - Iteration 303: Points 295 (cluster 295) and 403 (cluster 403) connect at weight=180.0
2025-04-09 19:04:09.212 | DEBUG    | __main__:<module>:20 - Iteration 304: Points 293 (cluster 2208) and 368 (cluster 368) connect at weight=180.0
2025-04-09 19:04:09.212 | DEBUG    | __main__:<module>:20 - Iteration 305: Points 292 (cluster 2271) and 295 (cluster 2303) connect at weight=180.0
2025-04-09 19:04:09.212 | DEBUG    | __main__:<module>:20 - Iteration 306: Points 291 (cluster 2281) and 389 (cluster 389) connect at weight=180.0
2025-04-09 19:04:09.213 | DEBUG    | __main__:<module>:20 - Iteration 307: Points 291 (cluster 2306) and 355 (cluster 355) connect at weight=180.0
2025-04-09 19:04:09.213 | DEBUG    | __main__:<module>:20 - Iteration 308: Points 280 (cluster 2296) and 387 (cluster 387) connect at weight=180.0
2025-04-09 19:04:09.213 | DEBUG    | __main__:<module>:20 - Iteration 309: Points 278 (cluster 2207) and 260 (cluster 2214) connect at weight=180.0
2025-04-09 19:04:09.213 | DEBUG    | __main__:<module>:20 - Iteration 310: Points 276 (cluster 276) and 400 (cluster 400) connect at weight=180.0
2025-04-09 19:04:09.213 | DEBUG    | __main__:<module>:20 - Iteration 311: Points 275 (cluster 2305) and 335 (cluster 335) connect at weight=180.0
2025-04-09 19:04:09.217 | DEBUG    | __main__:<module>:20 - Iteration 312: Points 259 (cluster 259) and 286 (cluster 2311) connect at weight=180.0
2025-04-09 19:04:09.217 | DEBUG    | __main__:<module>:20 - Iteration 313: Points 257 (cluster 2185) and 147 (cluster 2191) connect at weight=180.0
2025-04-09 19:04:09.217 | DEBUG    | __main__:<module>:20 - Iteration 314: Points 255 (cluster 2223) and 410 (cluster 410) connect at weight=180.0
2025-04-09 19:04:09.217 | DEBUG    | __main__:<module>:20 - Iteration 315: Points 253 (cluster 2270) and 188 (cluster 2274) connect at weight=180.0
2025-04-09 19:04:09.217 | DEBUG    | __main__:<module>:20 - Iteration 316: Points 235 (cluster 235) and 402 (cluster 402) connect at weight=180.0
2025-04-09 19:04:09.218 | DEBUG    | __main__:<module>:20 - Iteration 317: Points 230 (cluster 230) and 327 (cluster 327) connect at weight=180.0
2025-04-09 19:04:09.218 | DEBUG    | __main__:<module>:20 - Iteration 318: Points 223 (cluster 2290) and 423 (cluster 423) connect at weight=180.0
2025-04-09 19:04:09.218 | DEBUG    | __main__:<module>:20 - Iteration 319: Points 220 (cluster 2181) and 281 (cluster 281) connect at weight=180.0
2025-04-09 19:04:09.218 | DEBUG    | __main__:<module>:20 - Iteration 320: Points 217 (cluster 2298) and 193 (cluster 2226) connect at weight=180.0
2025-04-09 19:04:09.219 | DEBUG    | __main__:<module>:20 - Iteration 321: Points 214 (cluster 2269) and 374 (cluster 374) connect at weight=180.0
2025-04-09 19:04:09.219 | DEBUG    | __main__:<module>:20 - Iteration 322: Points 209 (cluster 2314) and 418 (cluster 418) connect at weight=180.0
2025-04-09 19:04:09.219 | DEBUG    | __main__:<module>:20 - Iteration 323: Points 209 (cluster 2322) and 385 (cluster 385) connect at weight=180.0
2025-04-09 19:04:09.219 | DEBUG    | __main__:<module>:20 - Iteration 324: Points 208 (cluster 2315) and 348 (cluster 348) connect at weight=180.0
2025-04-09 19:04:09.219 | DEBUG    | __main__:<module>:20 - Iteration 325: Points 207 (cluster 2266) and 324 (cluster 2309) connect at weight=180.0
2025-04-09 19:04:09.220 | DEBUG    | __main__:<module>:20 - Iteration 326: Points 199 (cluster 2308) and 408 (cluster 408) connect at weight=180.0
2025-04-09 19:04:09.220 | DEBUG    | __main__:<module>:20 - Iteration 327: Points 192 (cluster 2123) and 323 (cluster 323) connect at weight=180.0
2025-04-09 19:04:09.220 | DEBUG    | __main__:<module>:20 - Iteration 328: Points 191 (cluster 2295) and 359 (cluster 359) connect at weight=180.0
2025-04-09 19:04:09.220 | DEBUG    | __main__:<module>:20 - Iteration 329: Points 186 (cluster 2222) and 401 (cluster 401) connect at weight=180.0
2025-04-09 19:04:09.220 | DEBUG    | __main__:<module>:20 - Iteration 330: Points 184 (cluster 184) and 407 (cluster 407) connect at weight=180.0
2025-04-09 19:04:09.221 | DEBUG    | __main__:<module>:20 - Iteration 331: Points 182 (cluster 182) and 318 (cluster 2299) connect at weight=180.0
2025-04-09 19:04:09.221 | DEBUG    | __main__:<module>:20 - Iteration 332: Points 180 (cluster 2282) and 376 (cluster 376) connect at weight=180.0
2025-04-09 19:04:09.221 | DEBUG    | __main__:<module>:20 - Iteration 333: Points 172 (cluster 2304) and 182 (cluster 2331) connect at weight=180.0
2025-04-09 19:04:09.221 | DEBUG    | __main__:<module>:20 - Iteration 334: Points 169 (cluster 2326) and 247 (cluster 247) connect at weight=180.0
2025-04-09 19:04:09.221 | DEBUG    | __main__:<module>:20 - Iteration 335: Points 168 (cluster 2324) and 378 (cluster 2288) connect at weight=180.0
2025-04-09 19:04:09.221 | DEBUG    | __main__:<module>:20 - Iteration 336: Points 168 (cluster 2335) and 224 (cluster 2241) connect at weight=180.0
2025-04-09 19:04:09.222 | DEBUG    | __main__:<module>:20 - Iteration 337: Points 167 (cluster 2336) and 337 (cluster 337) connect at weight=180.0
2025-04-09 19:04:09.222 | DEBUG    | __main__:<module>:20 - Iteration 338: Points 150 (cluster 2321) and 196 (cluster 2141) connect at weight=180.0
2025-04-09 19:04:09.222 | DEBUG    | __main__:<module>:20 - Iteration 339: Points 129 (cluster 2300) and 352 (cluster 352) connect at weight=180.0
2025-04-09 19:04:09.222 | DEBUG    | __main__:<module>:20 - Iteration 340: Points 118 (cluster 2312) and 390 (cluster 390) connect at weight=180.0
2025-04-09 19:04:09.222 | DEBUG    | __main__:<module>:20 - Iteration 341: Points 117 (cluster 2334) and 422 (cluster 422) connect at weight=180.0
2025-04-09 19:04:09.223 | DEBUG    | __main__:<module>:20 - Iteration 342: Points 100 (cluster 2323) and 372 (cluster 372) connect at weight=180.0
2025-04-09 19:04:09.223 | DEBUG    | __main__:<module>:20 - Iteration 343: Points 71 (cluster 2265) and 293 (cluster 2333) connect at weight=180.0
2025-04-09 19:04:09.223 | DEBUG    | __main__:<module>:20 - Iteration 344: Points 68 (cluster 2341) and 424 (cluster 2284) connect at weight=180.0
2025-04-09 19:04:09.223 | DEBUG    | __main__:<module>:20 - Iteration 345: Points 5 (cluster 2337) and 229 (cluster 229) connect at weight=180.0
2025-04-09 19:04:09.223 | DEBUG    | __main__:<module>:20 - Iteration 346: Points 461 (cluster 461) and 254 (cluster 2332) connect at weight=179.0
2025-04-09 19:04:09.223 | DEBUG    | __main__:<module>:20 - Iteration 347: Points 455 (cluster 455) and 412 (cluster 412) connect at weight=179.0
2025-04-09 19:04:09.224 | DEBUG    | __main__:<module>:20 - Iteration 348: Points 439 (cluster 439) and 435 (cluster 435) connect at weight=179.0
2025-04-09 19:04:09.224 | DEBUG    | __main__:<module>:20 - Iteration 349: Points 423 (cluster 2318) and 190 (cluster 2143) connect at weight=179.0
2025-04-09 19:04:09.224 | DEBUG    | __main__:<module>:20 - Iteration 350: Points 422 (cluster 2344) and 458 (cluster 458) connect at weight=179.0
2025-04-09 19:04:09.224 | DEBUG    | __main__:<module>:20 - Iteration 351: Points 416 (cluster 2301) and 456 (cluster 456) connect at weight=179.0
2025-04-09 19:04:09.224 | DEBUG    | __main__:<module>:20 - Iteration 352: Points 416 (cluster 2351) and 395 (cluster 395) connect at weight=179.0
2025-04-09 19:04:09.225 | DEBUG    | __main__:<module>:20 - Iteration 353: Points 411 (cluster 411) and 437 (cluster 437) connect at weight=179.0
2025-04-09 19:04:09.225 | DEBUG    | __main__:<module>:20 - Iteration 354: Points 409 (cluster 409) and 452 (cluster 452) connect at weight=179.0
2025-04-09 19:04:09.225 | DEBUG    | __main__:<module>:20 - Iteration 355: Points 395 (cluster 2352) and 342 (cluster 342) connect at weight=179.0
2025-04-09 19:04:09.225 | DEBUG    | __main__:<module>:20 - Iteration 356: Points 394 (cluster 2291) and 455 (cluster 2347) connect at weight=179.0
2025-04-09 19:04:09.225 | DEBUG    | __main__:<module>:20 - Iteration 357: Points 393 (cluster 393) and 431 (cluster 431) connect at weight=179.0
2025-04-09 19:04:09.225 | DEBUG    | __main__:<module>:20 - Iteration 358: Points 393 (cluster 2357) and 253 (cluster 2345) connect at weight=179.0
2025-04-09 19:04:09.226 | DEBUG    | __main__:<module>:20 - Iteration 359: Points 383 (cluster 383) and 370 (cluster 370) connect at weight=179.0
2025-04-09 19:04:09.226 | DEBUG    | __main__:<module>:20 - Iteration 360: Points 361 (cluster 2338) and 440 (cluster 440) connect at weight=179.0
2025-04-09 19:04:09.226 | DEBUG    | __main__:<module>:20 - Iteration 361: Points 358 (cluster 2289) and 443 (cluster 443) connect at weight=179.0
2025-04-09 19:04:09.226 | DEBUG    | __main__:<module>:20 - Iteration 362: Points 358 (cluster 2361) and 427 (cluster 427) connect at weight=179.0
2025-04-09 19:04:09.226 | DEBUG    | __main__:<module>:20 - Iteration 363: Points 353 (cluster 353) and 426 (cluster 426) connect at weight=179.0
2025-04-09 19:04:09.227 | DEBUG    | __main__:<module>:20 - Iteration 364: Points 346 (cluster 2307) and 449 (cluster 449) connect at weight=179.0
2025-04-09 19:04:09.227 | DEBUG    | __main__:<module>:20 - Iteration 365: Points 323 (cluster 2327) and 367 (cluster 367) connect at weight=179.0
2025-04-09 19:04:09.227 | DEBUG    | __main__:<module>:20 - Iteration 366: Points 313 (cluster 2254) and 249 (cluster 249) connect at weight=179.0
2025-04-09 19:04:09.227 | DEBUG    | __main__:<module>:20 - Iteration 367: Points 282 (cluster 282) and 398 (cluster 398) connect at weight=179.0
2025-04-09 19:04:09.227 | DEBUG    | __main__:<module>:20 - Iteration 368: Points 279 (cluster 2329) and 448 (cluster 448) connect at weight=179.0
2025-04-09 19:04:09.227 | DEBUG    | __main__:<module>:20 - Iteration 369: Points 277 (cluster 2249) and 450 (cluster 450) connect at weight=179.0
2025-04-09 19:04:09.228 | DEBUG    | __main__:<module>:20 - Iteration 370: Points 277 (cluster 2369) and 429 (cluster 429) connect at weight=179.0
2025-04-09 19:04:09.228 | DEBUG    | __main__:<module>:20 - Iteration 371: Points 273 (cluster 273) and 311 (cluster 311) connect at weight=179.0
2025-04-09 19:04:09.228 | DEBUG    | __main__:<module>:20 - Iteration 372: Points 270 (cluster 270) and 265 (cluster 2325) connect at weight=179.0
2025-04-09 19:04:09.228 | DEBUG    | __main__:<module>:20 - Iteration 373: Points 269 (cluster 2251) and 241 (cluster 2364) connect at weight=179.0
2025-04-09 19:04:09.228 | DEBUG    | __main__:<module>:20 - Iteration 374: Points 251 (cluster 2372) and 453 (cluster 453) connect at weight=179.0
2025-04-09 19:04:09.229 | DEBUG    | __main__:<module>:20 - Iteration 375: Points 249 (cluster 2366) and 409 (cluster 2354) connect at weight=179.0
2025-04-09 19:04:09.229 | DEBUG    | __main__:<module>:20 - Iteration 376: Points 247 (cluster 2350) and 451 (cluster 451) connect at weight=179.0
2025-04-09 19:04:09.229 | DEBUG    | __main__:<module>:20 - Iteration 377: Points 242 (cluster 2376) and 446 (cluster 446) connect at weight=179.0
2025-04-09 19:04:09.229 | DEBUG    | __main__:<module>:20 - Iteration 378: Points 241 (cluster 2373) and 433 (cluster 433) connect at weight=179.0
2025-04-09 19:04:09.229 | DEBUG    | __main__:<module>:20 - Iteration 379: Points 236 (cluster 236) and 283 (cluster 2343) connect at weight=179.0
2025-04-09 19:04:09.230 | DEBUG    | __main__:<module>:20 - Iteration 380: Points 234 (cluster 2370) and 428 (cluster 428) connect at weight=179.0
2025-04-09 19:04:09.230 | DEBUG    | __main__:<module>:20 - Iteration 381: Points 230 (cluster 2317) and 236 (cluster 2379) connect at weight=179.0
2025-04-09 19:04:09.230 | DEBUG    | __main__:<module>:20 - Iteration 382: Points 229 (cluster 2358) and 462 (cluster 462) connect at weight=179.0
2025-04-09 19:04:09.230 | DEBUG    | __main__:<module>:20 - Iteration 383: Points 229 (cluster 2382) and 434 (cluster 434) connect at weight=179.0
2025-04-09 19:04:09.230 | DEBUG    | __main__:<module>:20 - Iteration 384: Points 229 (cluster 2383) and 344 (cluster 2349) connect at weight=179.0
2025-04-09 19:04:09.230 | DEBUG    | __main__:<module>:20 - Iteration 385: Points 227 (cluster 2377) and 439 (cluster 2348) connect at weight=179.0
2025-04-09 19:04:09.231 | DEBUG    | __main__:<module>:20 - Iteration 386: Points 219 (cluster 2320) and 436 (cluster 436) connect at weight=179.0
2025-04-09 19:04:09.231 | DEBUG    | __main__:<module>:20 - Iteration 387: Points 215 (cluster 2360) and 392 (cluster 392) connect at weight=179.0
2025-04-09 19:04:09.231 | DEBUG    | __main__:<module>:20 - Iteration 388: Points 174 (cluster 174) and 127 (cluster 2387) connect at weight=179.0
2025-04-09 19:04:09.231 | DEBUG    | __main__:<module>:20 - Iteration 389: Points 170 (cluster 2386) and 322 (cluster 322) connect at weight=179.0
2025-04-09 19:04:09.231 | DEBUG    | __main__:<module>:20 - Iteration 390: Points 164 (cluster 2378) and 363 (cluster 363) connect at weight=179.0
2025-04-09 19:04:09.232 | DEBUG    | __main__:<module>:20 - Iteration 391: Points 163 (cluster 2385) and 430 (cluster 430) connect at weight=179.0
2025-04-09 19:04:09.232 | DEBUG    | __main__:<module>:20 - Iteration 392: Points 150 (cluster 2388) and 421 (cluster 421) connect at weight=179.0
2025-04-09 19:04:09.232 | DEBUG    | __main__:<module>:20 - Iteration 393: Points 133 (cluster 2389) and 457 (cluster 457) connect at weight=179.0
2025-04-09 19:04:09.232 | DEBUG    | __main__:<module>:20 - Iteration 394: Points 116 (cluster 2384) and 441 (cluster 441) connect at weight=179.0
2025-04-09 19:04:09.232 | DEBUG    | __main__:<module>:20 - Iteration 395: Points 111 (cluster 2391) and 454 (cluster 454) connect at weight=179.0
2025-04-09 19:04:09.233 | DEBUG    | __main__:<module>:20 - Iteration 396: Points 97 (cluster 2238) and 128 (cluster 128) connect at weight=179.0
2025-04-09 19:04:09.233 | DEBUG    | __main__:<module>:20 - Iteration 397: Points 90 (cluster 2340) and 178 (cluster 2319) connect at weight=179.0
2025-04-09 19:04:09.233 | DEBUG    | __main__:<module>:20 - Iteration 398: Points 69 (cluster 2346) and 336 (cluster 2356) connect at weight=179.0
2025-04-09 19:04:09.233 | DEBUG    | __main__:<module>:20 - Iteration 399: Points 492 (cluster 492) and 465 (cluster 465) connect at weight=178.0
2025-04-09 19:04:09.233 | DEBUG    | __main__:<module>:20 - Iteration 400: Points 488 (cluster 488) and 485 (cluster 485) connect at weight=178.0
2025-04-09 19:04:09.233 | DEBUG    | __main__:<module>:20 - Iteration 401: Points 481 (cluster 481) and 472 (cluster 472) connect at weight=178.0
2025-04-09 19:04:09.234 | DEBUG    | __main__:<module>:20 - Iteration 402: Points 481 (cluster 2401) and 466 (cluster 466) connect at weight=178.0
2025-04-09 19:04:09.234 | DEBUG    | __main__:<module>:20 - Iteration 403: Points 475 (cluster 475) and 469 (cluster 469) connect at weight=178.0
2025-04-09 19:04:09.234 | DEBUG    | __main__:<module>:20 - Iteration 404: Points 449 (cluster 2390) and 484 (cluster 484) connect at weight=178.0
2025-04-09 19:04:09.234 | DEBUG    | __main__:<module>:20 - Iteration 405: Points 445 (cluster 445) and 404 (cluster 404) connect at weight=178.0
2025-04-09 19:04:09.234 | DEBUG    | __main__:<module>:20 - Iteration 406: Points 432 (cluster 432) and 377 (cluster 2380) connect at weight=178.0
2025-04-09 19:04:09.235 | DEBUG    | __main__:<module>:20 - Iteration 407: Points 426 (cluster 2363) and 464 (cluster 464) connect at weight=178.0
2025-04-09 19:04:09.235 | DEBUG    | __main__:<module>:20 - Iteration 408: Points 413 (cluster 2285) and 494 (cluster 494) connect at weight=178.0
2025-04-09 19:04:09.235 | DEBUG    | __main__:<module>:20 - Iteration 409: Points 406 (cluster 2394) and 496 (cluster 496) connect at weight=178.0
2025-04-09 19:04:09.235 | DEBUG    | __main__:<module>:20 - Iteration 410: Points 402 (cluster 2316) and 480 (cluster 480) connect at weight=178.0
2025-04-09 19:04:09.235 | DEBUG    | __main__:<module>:20 - Iteration 411: Points 398 (cluster 2367) and 276 (cluster 2310) connect at weight=178.0
2025-04-09 19:04:09.235 | DEBUG    | __main__:<module>:20 - Iteration 412: Points 370 (cluster 2359) and 174 (cluster 2392) connect at weight=178.0
2025-04-09 19:04:09.236 | DEBUG    | __main__:<module>:20 - Iteration 413: Points 364 (cluster 2397) and 459 (cluster 459) connect at weight=178.0
2025-04-09 19:04:09.236 | DEBUG    | __main__:<module>:20 - Iteration 414: Points 363 (cluster 2404) and 478 (cluster 478) connect at weight=178.0
2025-04-09 19:04:09.236 | DEBUG    | __main__:<module>:20 - Iteration 415: Points 353 (cluster 2407) and 325 (cluster 325) connect at weight=178.0
2025-04-09 19:04:09.236 | DEBUG    | __main__:<module>:20 - Iteration 416: Points 351 (cluster 351) and 184 (cluster 2330) connect at weight=178.0
2025-04-09 19:04:09.236 | DEBUG    | __main__:<module>:20 - Iteration 417: Points 350 (cluster 2393) and 488 (cluster 2400) connect at weight=178.0
2025-04-09 19:04:09.237 | DEBUG    | __main__:<module>:20 - Iteration 418: Points 349 (cluster 2413) and 497 (cluster 497) connect at weight=178.0
2025-04-09 19:04:09.237 | DEBUG    | __main__:<module>:20 - Iteration 419: Points 337 (cluster 2409) and 475 (cluster 2403) connect at weight=178.0
2025-04-09 19:04:09.237 | DEBUG    | __main__:<module>:20 - Iteration 420: Points 336 (cluster 2398) and 303 (cluster 303) connect at weight=178.0
2025-04-09 19:04:09.237 | DEBUG    | __main__:<module>:20 - Iteration 421: Points 329 (cluster 329) and 393 (cluster 2419) connect at weight=178.0
2025-04-09 19:04:09.237 | DEBUG    | __main__:<module>:20 - Iteration 422: Points 304 (cluster 2355) and 479 (cluster 479) connect at weight=178.0
2025-04-09 19:04:09.238 | DEBUG    | __main__:<module>:20 - Iteration 423: Points 294 (cluster 2414) and 498 (cluster 498) connect at weight=178.0
2025-04-09 19:04:09.238 | DEBUG    | __main__:<module>:20 - Iteration 424: Points 290 (cluster 2162) and 315 (cluster 2257) connect at weight=178.0
2025-04-09 19:04:09.238 | DEBUG    | __main__:<module>:20 - Iteration 425: Points 276 (cluster 2411) and 411 (cluster 2353) connect at weight=178.0
2025-04-09 19:04:09.238 | DEBUG    | __main__:<module>:20 - Iteration 426: Points 273 (cluster 2371) and 460 (cluster 460) connect at weight=178.0
2025-04-09 19:04:09.238 | DEBUG    | __main__:<module>:20 - Iteration 427: Points 262 (cluster 262) and 366 (cluster 2252) connect at weight=178.0
2025-04-09 19:04:09.238 | DEBUG    | __main__:<module>:20 - Iteration 428: Points 257 (cluster 2313) and 473 (cluster 473) connect at weight=178.0
2025-04-09 19:04:09.239 | DEBUG    | __main__:<module>:20 - Iteration 429: Points 251 (cluster 2374) and 296 (cluster 2302) connect at weight=178.0
2025-04-09 19:04:09.239 | DEBUG    | __main__:<module>:20 - Iteration 430: Points 246 (cluster 2422) and 486 (cluster 486) connect at weight=178.0
2025-04-09 19:04:09.239 | DEBUG    | __main__:<module>:20 - Iteration 431: Points 244 (cluster 2424) and 492 (cluster 2399) connect at weight=178.0
2025-04-09 19:04:09.239 | DEBUG    | __main__:<module>:20 - Iteration 432: Points 223 (cluster 2421) and 476 (cluster 476) connect at weight=178.0
2025-04-09 19:04:09.239 | DEBUG    | __main__:<module>:20 - Iteration 433: Points 215 (cluster 2412) and 310 (cluster 310) connect at weight=178.0
2025-04-09 19:04:09.240 | DEBUG    | __main__:<module>:20 - Iteration 434: Points 212 (cluster 2418) and 391 (cluster 391) connect at weight=178.0
2025-04-09 19:04:09.240 | DEBUG    | __main__:<module>:20 - Iteration 435: Points 200 (cluster 2406) and 471 (cluster 471) connect at weight=178.0
2025-04-09 19:04:09.240 | DEBUG    | __main__:<module>:20 - Iteration 436: Points 189 (cluster 2297) and 217 (cluster 2417) connect at weight=178.0
2025-04-09 19:04:09.240 | DEBUG    | __main__:<module>:20 - Iteration 437: Points 175 (cluster 2420) and 483 (cluster 483) connect at weight=178.0
2025-04-09 19:04:09.240 | DEBUG    | __main__:<module>:20 - Iteration 438: Points 142 (cluster 2365) and 298 (cluster 298) connect at weight=178.0
2025-04-09 19:04:09.240 | DEBUG    | __main__:<module>:20 - Iteration 439: Points 128 (cluster 2396) and 282 (cluster 2425) connect at weight=178.0
2025-04-09 19:04:09.241 | DEBUG    | __main__:<module>:20 - Iteration 440: Points 100 (cluster 2342) and 489 (cluster 489) connect at weight=178.0
2025-04-09 19:04:09.241 | DEBUG    | __main__:<module>:20 - Iteration 441: Points 53 (cluster 2432) and 491 (cluster 491) connect at weight=178.0
2025-04-09 19:04:09.241 | DEBUG    | __main__:<module>:20 - Iteration 442: Points 42 (cluster 2395) and 302 (cluster 302) connect at weight=178.0
2025-04-09 19:04:09.241 | DEBUG    | __main__:<module>:20 - Iteration 443: Points 530 (cluster 530) and 509 (cluster 509) connect at weight=177.0
2025-04-09 19:04:09.241 | DEBUG    | __main__:<module>:20 - Iteration 444: Points 520 (cluster 520) and 505 (cluster 505) connect at weight=177.0
2025-04-09 19:04:09.242 | DEBUG    | __main__:<module>:20 - Iteration 445: Points 515 (cluster 515) and 369 (cluster 2423) connect at weight=177.0
2025-04-09 19:04:09.242 | DEBUG    | __main__:<module>:20 - Iteration 446: Points 510 (cluster 510) and 501 (cluster 501) connect at weight=177.0
2025-04-09 19:04:09.248 | DEBUG    | __main__:<module>:20 - Iteration 447: Points 487 (cluster 487) and 507 (cluster 507) connect at weight=177.0
2025-04-09 19:04:09.248 | DEBUG    | __main__:<module>:20 - Iteration 448: Points 478 (cluster 2445) and 532 (cluster 532) connect at weight=177.0
2025-04-09 19:04:09.248 | DEBUG    | __main__:<module>:20 - Iteration 449: Points 473 (cluster 2428) and 467 (cluster 467) connect at weight=177.0
2025-04-09 19:04:09.248 | DEBUG    | __main__:<module>:20 - Iteration 450: Points 463 (cluster 463) and 529 (cluster 529) connect at weight=177.0
2025-04-09 19:04:09.248 | DEBUG    | __main__:<module>:20 - Iteration 451: Points 460 (cluster 2426) and 535 (cluster 535) connect at weight=177.0
2025-04-09 19:04:09.249 | DEBUG    | __main__:<module>:20 - Iteration 452: Points 452 (cluster 2375) and 470 (cluster 470) connect at weight=177.0
2025-04-09 19:04:09.249 | DEBUG    | __main__:<module>:20 - Iteration 453: Points 451 (cluster 2442) and 490 (cluster 490) connect at weight=177.0
2025-04-09 19:04:09.249 | DEBUG    | __main__:<module>:20 - Iteration 454: Points 447 (cluster 447) and 320 (cluster 320) connect at weight=177.0
2025-04-09 19:04:09.249 | DEBUG    | __main__:<module>:20 - Iteration 455: Points 442 (cluster 442) and 299 (cluster 299) connect at weight=177.0
2025-04-09 19:04:09.249 | DEBUG    | __main__:<module>:20 - Iteration 456: Points 439 (cluster 2453) and 525 (cluster 525) connect at weight=177.0
2025-04-09 19:04:09.250 | DEBUG    | __main__:<module>:20 - Iteration 457: Points 438 (cluster 438) and 537 (cluster 537) connect at weight=177.0
2025-04-09 19:04:09.250 | DEBUG    | __main__:<module>:20 - Iteration 458: Points 438 (cluster 2457) and 290 (cluster 2431) connect at weight=177.0
2025-04-09 19:04:09.250 | DEBUG    | __main__:<module>:20 - Iteration 459: Points 415 (cluster 415) and 526 (cluster 526) connect at weight=177.0
2025-04-09 19:04:09.250 | DEBUG    | __main__:<module>:20 - Iteration 460: Points 415 (cluster 2459) and 351 (cluster 2416) connect at weight=177.0
2025-04-09 19:04:09.250 | DEBUG    | __main__:<module>:20 - Iteration 461: Points 407 (cluster 2460) and 477 (cluster 477) connect at weight=177.0
2025-04-09 19:04:09.250 | DEBUG    | __main__:<module>:20 - Iteration 462: Points 401 (cluster 2368) and 508 (cluster 508) connect at weight=177.0
2025-04-09 19:04:09.251 | DEBUG    | __main__:<module>:20 - Iteration 463: Points 396 (cluster 2456) and 534 (cluster 534) connect at weight=177.0
2025-04-09 19:04:09.251 | DEBUG    | __main__:<module>:20 - Iteration 464: Points 392 (cluster 2433) and 522 (cluster 522) connect at weight=177.0
2025-04-09 19:04:09.251 | DEBUG    | __main__:<module>:20 - Iteration 465: Points 392 (cluster 2464) and 142 (cluster 2438) connect at weight=177.0
2025-04-09 19:04:09.251 | DEBUG    | __main__:<module>:20 - Iteration 466: Points 379 (cluster 2463) and 530 (cluster 2443) connect at weight=177.0
2025-04-09 19:04:09.251 | DEBUG    | __main__:<module>:20 - Iteration 467: Points 371 (cluster 371) and 468 (cluster 468) connect at weight=177.0
2025-04-09 19:04:09.252 | DEBUG    | __main__:<module>:20 - Iteration 468: Points 371 (cluster 2467) and 329 (cluster 2441) connect at weight=177.0
2025-04-09 19:04:09.252 | DEBUG    | __main__:<module>:20 - Iteration 469: Points 363 (cluster 2448) and 510 (cluster 2446) connect at weight=177.0
2025-04-09 19:04:09.252 | DEBUG    | __main__:<module>:20 - Iteration 470: Points 360 (cluster 2434) and 528 (cluster 528) connect at weight=177.0
2025-04-09 19:04:09.252 | DEBUG    | __main__:<module>:20 - Iteration 471: Points 335 (cluster 2470) and 517 (cluster 517) connect at weight=177.0
2025-04-09 19:04:09.252 | DEBUG    | __main__:<module>:20 - Iteration 472: Points 328 (cluster 2462) and 481 (cluster 2402) connect at weight=177.0
2025-04-09 19:04:09.252 | DEBUG    | __main__:<module>:20 - Iteration 473: Points 324 (cluster 2429) and 520 (cluster 2444) connect at weight=177.0
2025-04-09 19:04:09.253 | DEBUG    | __main__:<module>:20 - Iteration 474: Points 320 (cluster 2454) and 383 (cluster 2465) connect at weight=177.0
2025-04-09 19:04:09.253 | DEBUG    | __main__:<module>:20 - Iteration 475: Points 312 (cluster 2328) and 493 (cluster 493) connect at weight=177.0
2025-04-09 19:04:09.253 | DEBUG    | __main__:<module>:20 - Iteration 476: Points 303 (cluster 2437) and 371 (cluster 2468) connect at weight=177.0
2025-04-09 19:04:09.253 | DEBUG    | __main__:<module>:20 - Iteration 477: Points 299 (cluster 2455) and 445 (cluster 2405) connect at weight=177.0
2025-04-09 19:04:09.253 | DEBUG    | __main__:<module>:20 - Iteration 478: Points 281 (cluster 2471) and 499 (cluster 499) connect at weight=177.0
2025-04-09 19:04:09.253 | DEBUG    | __main__:<module>:20 - Iteration 479: Points 281 (cluster 2478) and 405 (cluster 405) connect at weight=177.0
2025-04-09 19:04:09.254 | DEBUG    | __main__:<module>:20 - Iteration 480: Points 246 (cluster 2430) and 482 (cluster 482) connect at weight=177.0
2025-04-09 19:04:09.254 | DEBUG    | __main__:<module>:20 - Iteration 481: Points 213 (cluster 2476) and 516 (cluster 516) connect at weight=177.0
2025-04-09 19:04:09.254 | DEBUG    | __main__:<module>:20 - Iteration 482: Points 184 (cluster 2461) and 420 (cluster 420) connect at weight=177.0
2025-04-09 19:04:09.254 | DEBUG    | __main__:<module>:20 - Iteration 483: Points 175 (cluster 2481) and 503 (cluster 503) connect at weight=177.0
2025-04-09 19:04:09.254 | DEBUG    | __main__:<module>:20 - Iteration 484: Points 151 (cluster 2449) and 235 (cluster 2410) connect at weight=177.0
2025-04-09 19:04:09.255 | DEBUG    | __main__:<module>:20 - Iteration 485: Points 138 (cluster 2474) and 474 (cluster 474) connect at weight=177.0
2025-04-09 19:04:09.255 | DEBUG    | __main__:<module>:20 - Iteration 486: Points 129 (cluster 2339) and 209 (cluster 2440) connect at weight=177.0
2025-04-09 19:04:09.255 | DEBUG    | __main__:<module>:20 - Iteration 487: Points 126 (cluster 2435) and 74 (cluster 2439) connect at weight=177.0
2025-04-09 19:04:09.255 | DEBUG    | __main__:<module>:20 - Iteration 488: Points 563 (cluster 563) and 554 (cluster 554) connect at weight=176.0
2025-04-09 19:04:09.255 | DEBUG    | __main__:<module>:20 - Iteration 489: Points 560 (cluster 560) and 518 (cluster 518) connect at weight=176.0
2025-04-09 19:04:09.255 | DEBUG    | __main__:<module>:20 - Iteration 490: Points 550 (cluster 550) and 548 (cluster 548) connect at weight=176.0
2025-04-09 19:04:09.256 | DEBUG    | __main__:<module>:20 - Iteration 491: Points 550 (cluster 2490) and 540 (cluster 540) connect at weight=176.0
2025-04-09 19:04:09.256 | DEBUG    | __main__:<module>:20 - Iteration 492: Points 547 (cluster 547) and 511 (cluster 511) connect at weight=176.0
2025-04-09 19:04:09.256 | DEBUG    | __main__:<module>:20 - Iteration 493: Points 530 (cluster 2466) and 565 (cluster 565) connect at weight=176.0
2025-04-09 19:04:09.256 | DEBUG    | __main__:<module>:20 - Iteration 494: Points 521 (cluster 521) and 544 (cluster 544) connect at weight=176.0
2025-04-09 19:04:09.256 | DEBUG    | __main__:<module>:20 - Iteration 495: Points 494 (cluster 2408) and 564 (cluster 564) connect at weight=176.0
2025-04-09 19:04:09.257 | DEBUG    | __main__:<module>:20 - Iteration 496: Points 488 (cluster 2436) and 568 (cluster 568) connect at weight=176.0
2025-04-09 19:04:09.257 | DEBUG    | __main__:<module>:20 - Iteration 497: Points 484 (cluster 2469) and 550 (cluster 2491) connect at weight=176.0
2025-04-09 19:04:09.257 | DEBUG    | __main__:<module>:20 - Iteration 498: Points 446 (cluster 2493) and 563 (cluster 2488) connect at weight=176.0
2025-04-09 19:04:09.257 | DEBUG    | __main__:<module>:20 - Iteration 499: Points 428 (cluster 2487) and 546 (cluster 546) connect at weight=176.0
2025-04-09 19:04:09.257 | DEBUG    | __main__:<module>:20 - Iteration 500: Points 428 (cluster 2499) and 513 (cluster 513) connect at weight=176.0
2025-04-09 19:04:09.257 | DEBUG    | __main__:<module>:20 - Iteration 501: Points 420 (cluster 2482) and 273 (cluster 2451) connect at weight=176.0
2025-04-09 19:04:09.258 | DEBUG    | __main__:<module>:20 - Iteration 502: Points 413 (cluster 2495) and 549 (cluster 549) connect at weight=176.0
2025-04-09 19:04:09.258 | DEBUG    | __main__:<module>:20 - Iteration 503: Points 405 (cluster 2479) and 495 (cluster 495) connect at weight=176.0
2025-04-09 19:04:09.258 | DEBUG    | __main__:<module>:20 - Iteration 504: Points 397 (cluster 397) and 533 (cluster 533) connect at weight=176.0
2025-04-09 19:04:09.258 | DEBUG    | __main__:<module>:20 - Iteration 505: Points 384 (cluster 384) and 259 (cluster 2503) connect at weight=176.0
2025-04-09 19:04:09.258 | DEBUG    | __main__:<module>:20 - Iteration 506: Points 367 (cluster 2485) and 353 (cluster 2415) connect at weight=176.0
2025-04-09 19:04:09.259 | DEBUG    | __main__:<module>:20 - Iteration 507: Points 361 (cluster 2506) and 502 (cluster 502) connect at weight=176.0
2025-04-09 19:04:09.259 | DEBUG    | __main__:<module>:20 - Iteration 508: Points 355 (cluster 2497) and 331 (cluster 2475) connect at weight=176.0
2025-04-09 19:04:09.259 | DEBUG    | __main__:<module>:20 - Iteration 509: Points 354 (cluster 354) and 538 (cluster 538) connect at weight=176.0
2025-04-09 19:04:09.259 | DEBUG    | __main__:<module>:20 - Iteration 510: Points 342 (cluster 2480) and 547 (cluster 2492) connect at weight=176.0
2025-04-09 19:04:09.259 | DEBUG    | __main__:<module>:20 - Iteration 511: Points 339 (cluster 2498) and 553 (cluster 553) connect at weight=176.0
2025-04-09 19:04:09.259 | DEBUG    | __main__:<module>:20 - Iteration 512: Points 323 (cluster 2507) and 571 (cluster 571) connect at weight=176.0
2025-04-09 19:04:09.260 | DEBUG    | __main__:<module>:20 - Iteration 513: Points 322 (cluster 2496) and 246 (cluster 2510) connect at weight=176.0
2025-04-09 19:04:09.260 | DEBUG    | __main__:<module>:20 - Iteration 514: Points 317 (cluster 2483) and 555 (cluster 555) connect at weight=176.0
2025-04-09 19:04:09.260 | DEBUG    | __main__:<module>:20 - Iteration 515: Points 312 (cluster 2508) and 262 (cluster 2427) connect at weight=176.0
2025-04-09 19:04:09.260 | DEBUG    | __main__:<module>:20 - Iteration 516: Points 311 (cluster 2501) and 442 (cluster 2477) connect at weight=176.0
2025-04-09 19:04:09.260 | DEBUG    | __main__:<module>:20 - Iteration 517: Points 299 (cluster 2516) and 438 (cluster 2458) connect at weight=176.0
2025-04-09 19:04:09.261 | DEBUG    | __main__:<module>:20 - Iteration 518: Points 271 (cluster 2511) and 566 (cluster 566) connect at weight=176.0
2025-04-09 19:04:09.261 | DEBUG    | __main__:<module>:20 - Iteration 519: Points 270 (cluster 2473) and 561 (cluster 561) connect at weight=176.0
2025-04-09 19:04:09.261 | DEBUG    | __main__:<module>:20 - Iteration 520: Points 262 (cluster 2515) and 562 (cluster 562) connect at weight=176.0
2025-04-09 19:04:09.261 | DEBUG    | __main__:<module>:20 - Iteration 521: Points 249 (cluster 2452) and 230 (cluster 2381) connect at weight=176.0
2025-04-09 19:04:09.261 | DEBUG    | __main__:<module>:20 - Iteration 522: Points 244 (cluster 2517) and 514 (cluster 514) connect at weight=176.0
2025-04-09 19:04:09.261 | DEBUG    | __main__:<module>:20 - Iteration 523: Points 237 (cluster 2514) and 551 (cluster 551) connect at weight=176.0
2025-04-09 19:04:09.262 | DEBUG    | __main__:<module>:20 - Iteration 524: Points 236 (cluster 2521) and 397 (cluster 2504) connect at weight=176.0
2025-04-09 19:04:09.262 | DEBUG    | __main__:<module>:20 - Iteration 525: Points 207 (cluster 2519) and 542 (cluster 542) connect at weight=176.0
2025-04-09 19:04:09.262 | DEBUG    | __main__:<module>:20 - Iteration 526: Points 201 (cluster 2518) and 512 (cluster 512) connect at weight=176.0
2025-04-09 19:04:09.262 | DEBUG    | __main__:<module>:20 - Iteration 527: Points 176 (cluster 2505) and 559 (cluster 559) connect at weight=176.0
2025-04-09 19:04:09.262 | DEBUG    | __main__:<module>:20 - Iteration 528: Points 141 (cluster 2500) and 552 (cluster 552) connect at weight=176.0
2025-04-09 19:04:09.263 | DEBUG    | __main__:<module>:20 - Iteration 529: Points 23 (cluster 2523) and 557 (cluster 557) connect at weight=176.0
2025-04-09 19:04:09.263 | DEBUG    | __main__:<module>:20 - Iteration 530: Points 599 (cluster 599) and 585 (cluster 585) connect at weight=175.0
2025-04-09 19:04:09.263 | DEBUG    | __main__:<module>:20 - Iteration 531: Points 572 (cluster 572) and 582 (cluster 582) connect at weight=175.0
2025-04-09 19:04:09.263 | DEBUG    | __main__:<module>:20 - Iteration 532: Points 560 (cluster 2489) and 569 (cluster 569) connect at weight=175.0
2025-04-09 19:04:09.263 | DEBUG    | __main__:<module>:20 - Iteration 533: Points 556 (cluster 556) and 573 (cluster 573) connect at weight=175.0
2025-04-09 19:04:09.263 | DEBUG    | __main__:<module>:20 - Iteration 534: Points 536 (cluster 536) and 461 (cluster 2529) connect at weight=175.0
2025-04-09 19:04:09.264 | DEBUG    | __main__:<module>:20 - Iteration 535: Points 531 (cluster 531) and 338 (cluster 2524) connect at weight=175.0
2025-04-09 19:04:09.267 | DEBUG    | __main__:<module>:20 - Iteration 536: Points 528 (cluster 2527) and 578 (cluster 578) connect at weight=175.0
2025-04-09 19:04:09.268 | DEBUG    | __main__:<module>:20 - Iteration 537: Points 524 (cluster 524) and 413 (cluster 2502) connect at weight=175.0
2025-04-09 19:04:09.268 | DEBUG    | __main__:<module>:20 - Iteration 538: Points 515 (cluster 2520) and 589 (cluster 589) connect at weight=175.0
2025-04-09 19:04:09.268 | DEBUG    | __main__:<module>:20 - Iteration 539: Points 502 (cluster 2512) and 595 (cluster 595) connect at weight=175.0
2025-04-09 19:04:09.268 | DEBUG    | __main__:<module>:20 - Iteration 540: Points 500 (cluster 500) and 560 (cluster 2532) connect at weight=175.0
2025-04-09 19:04:09.269 | DEBUG    | __main__:<module>:20 - Iteration 541: Points 495 (cluster 2536) and 543 (cluster 543) connect at weight=175.0
2025-04-09 19:04:09.269 | DEBUG    | __main__:<module>:20 - Iteration 542: Points 490 (cluster 2526) and 590 (cluster 590) connect at weight=175.0
2025-04-09 19:04:09.269 | DEBUG    | __main__:<module>:20 - Iteration 543: Points 482 (cluster 2513) and 541 (cluster 541) connect at weight=175.0
2025-04-09 19:04:09.269 | DEBUG    | __main__:<module>:20 - Iteration 544: Points 480 (cluster 2484) and 524 (cluster 2537) connect at weight=175.0
2025-04-09 19:04:09.269 | DEBUG    | __main__:<module>:20 - Iteration 545: Points 477 (cluster 2522) and 597 (cluster 597) connect at weight=175.0
2025-04-09 19:04:09.270 | DEBUG    | __main__:<module>:20 - Iteration 546: Points 476 (cluster 2534) and 594 (cluster 594) connect at weight=175.0
2025-04-09 19:04:09.270 | DEBUG    | __main__:<module>:20 - Iteration 547: Points 468 (cluster 2546) and 588 (cluster 588) connect at weight=175.0
2025-04-09 19:04:09.270 | DEBUG    | __main__:<module>:20 - Iteration 548: Points 456 (cluster 2543) and 593 (cluster 593) connect at weight=175.0
2025-04-09 19:04:09.270 | DEBUG    | __main__:<module>:20 - Iteration 549: Points 454 (cluster 2542) and 586 (cluster 586) connect at weight=175.0
2025-04-09 19:04:09.270 | DEBUG    | __main__:<module>:20 - Iteration 550: Points 450 (cluster 2528) and 599 (cluster 2530) connect at weight=175.0
2025-04-09 19:04:09.271 | DEBUG    | __main__:<module>:20 - Iteration 551: Points 369 (cluster 2538) and 600 (cluster 600) connect at weight=175.0
2025-04-09 19:04:09.271 | DEBUG    | __main__:<module>:20 - Iteration 552: Points 368 (cluster 2535) and 581 (cluster 581) connect at weight=175.0
2025-04-09 19:04:09.271 | DEBUG    | __main__:<module>:20 - Iteration 553: Points 350 (cluster 2548) and 527 (cluster 527) connect at weight=175.0
2025-04-09 19:04:09.271 | DEBUG    | __main__:<module>:20 - Iteration 554: Points 329 (cluster 2547) and 584 (cluster 584) connect at weight=175.0
2025-04-09 19:04:09.271 | DEBUG    | __main__:<module>:20 - Iteration 555: Points 325 (cluster 2539) and 354 (cluster 2509) connect at weight=175.0
2025-04-09 19:04:09.271 | DEBUG    | __main__:<module>:20 - Iteration 556: Points 297 (cluster 2486) and 577 (cluster 577) connect at weight=175.0
2025-04-09 19:04:09.272 | DEBUG    | __main__:<module>:20 - Iteration 557: Points 295 (cluster 2541) and 587 (cluster 587) connect at weight=175.0
2025-04-09 19:04:09.272 | DEBUG    | __main__:<module>:20 - Iteration 558: Points 266 (cluster 2552) and 536 (cluster 2554) connect at weight=175.0
2025-04-09 19:04:09.272 | DEBUG    | __main__:<module>:20 - Iteration 559: Points 239 (cluster 2545) and 444 (cluster 444) connect at weight=175.0
2025-04-09 19:04:09.272 | DEBUG    | __main__:<module>:20 - Iteration 560: Points 113 (cluster 2551) and 506 (cluster 506) connect at weight=175.0
2025-04-09 19:04:09.272 | DEBUG    | __main__:<module>:20 - Iteration 561: Points 629 (cluster 629) and 609 (cluster 609) connect at weight=174.0
2025-04-09 19:04:09.273 | DEBUG    | __main__:<module>:20 - Iteration 562: Points 629 (cluster 2561) and 606 (cluster 606) connect at weight=174.0
2025-04-09 19:04:09.273 | DEBUG    | __main__:<module>:20 - Iteration 563: Points 628 (cluster 628) and 616 (cluster 616) connect at weight=174.0
2025-04-09 19:04:09.273 | DEBUG    | __main__:<module>:20 - Iteration 564: Points 602 (cluster 602) and 580 (cluster 580) connect at weight=174.0
2025-04-09 19:04:09.273 | DEBUG    | __main__:<module>:20 - Iteration 565: Points 592 (cluster 592) and 539 (cluster 539) connect at weight=174.0
2025-04-09 19:04:09.273 | DEBUG    | __main__:<module>:20 - Iteration 566: Points 588 (cluster 2558) and 617 (cluster 617) connect at weight=174.0
2025-04-09 19:04:09.273 | DEBUG    | __main__:<module>:20 - Iteration 567: Points 584 (cluster 2566) and 620 (cluster 620) connect at weight=174.0
2025-04-09 19:04:09.274 | DEBUG    | __main__:<module>:20 - Iteration 568: Points 582 (cluster 2531) and 603 (cluster 603) connect at weight=174.0
2025-04-09 19:04:09.274 | DEBUG    | __main__:<module>:20 - Iteration 569: Points 577 (cluster 2556) and 608 (cluster 608) connect at weight=174.0
2025-04-09 19:04:09.274 | DEBUG    | __main__:<module>:20 - Iteration 570: Points 575 (cluster 575) and 611 (cluster 611) connect at weight=174.0
2025-04-09 19:04:09.274 | DEBUG    | __main__:<module>:20 - Iteration 571: Points 571 (cluster 2555) and 618 (cluster 618) connect at weight=174.0
2025-04-09 19:04:09.274 | DEBUG    | __main__:<module>:20 - Iteration 572: Points 562 (cluster 2560) and 604 (cluster 604) connect at weight=174.0
2025-04-09 19:04:09.275 | DEBUG    | __main__:<module>:20 - Iteration 573: Points 560 (cluster 2540) and 628 (cluster 2563) connect at weight=174.0
2025-04-09 19:04:09.275 | DEBUG    | __main__:<module>:20 - Iteration 574: Points 549 (cluster 2544) and 598 (cluster 598) connect at weight=174.0
2025-04-09 19:04:09.275 | DEBUG    | __main__:<module>:20 - Iteration 575: Points 536 (cluster 2567) and 572 (cluster 2568) connect at weight=174.0
2025-04-09 19:04:09.275 | DEBUG    | __main__:<module>:20 - Iteration 576: Points 535 (cluster 2559) and 624 (cluster 624) connect at weight=174.0
2025-04-09 19:04:09.275 | DEBUG    | __main__:<module>:20 - Iteration 577: Points 526 (cluster 2576) and 626 (cluster 626) connect at weight=174.0
2025-04-09 19:04:09.276 | DEBUG    | __main__:<module>:20 - Iteration 578: Points 523 (cluster 523) and 270 (cluster 2525) connect at weight=174.0
2025-04-09 19:04:09.276 | DEBUG    | __main__:<module>:20 - Iteration 579: Points 504 (cluster 504) and 556 (cluster 2533) connect at weight=174.0
2025-04-09 19:04:09.276 | DEBUG    | __main__:<module>:20 - Iteration 580: Points 494 (cluster 2574) and 129 (cluster 2569) connect at weight=174.0
2025-04-09 19:04:09.276 | DEBUG    | __main__:<module>:20 - Iteration 581: Points 486 (cluster 2553) and 574 (cluster 574) connect at weight=174.0
2025-04-09 19:04:09.276 | DEBUG    | __main__:<module>:20 - Iteration 582: Points 481 (cluster 2472) and 523 (cluster 2578) connect at weight=174.0
2025-04-09 19:04:09.276 | DEBUG    | __main__:<module>:20 - Iteration 583: Points 467 (cluster 2580) and 567 (cluster 567) connect at weight=174.0
2025-04-09 19:04:09.277 | DEBUG    | __main__:<module>:20 - Iteration 584: Points 464 (cluster 2571) and 610 (cluster 610) connect at weight=174.0
2025-04-09 19:04:09.277 | DEBUG    | __main__:<module>:20 - Iteration 585: Points 453 (cluster 2582) and 619 (cluster 619) connect at weight=174.0
2025-04-09 19:04:09.277 | DEBUG    | __main__:<module>:20 - Iteration 586: Points 432 (cluster 2550) and 575 (cluster 2570) connect at weight=174.0
2025-04-09 19:04:09.277 | DEBUG    | __main__:<module>:20 - Iteration 587: Points 424 (cluster 2549) and 605 (cluster 605) connect at weight=174.0
2025-04-09 19:04:09.277 | DEBUG    | __main__:<module>:20 - Iteration 588: Points 419 (cluster 2575) and 591 (cluster 591) connect at weight=174.0
2025-04-09 19:04:09.278 | DEBUG    | __main__:<module>:20 - Iteration 589: Points 412 (cluster 2588) and 612 (cluster 612) connect at weight=174.0
2025-04-09 19:04:09.278 | DEBUG    | __main__:<module>:20 - Iteration 590: Points 407 (cluster 2577) and 576 (cluster 576) connect at weight=174.0
2025-04-09 19:04:09.278 | DEBUG    | __main__:<module>:20 - Iteration 591: Points 399 (cluster 2587) and 614 (cluster 614) connect at weight=174.0
2025-04-09 19:04:09.278 | DEBUG    | __main__:<module>:20 - Iteration 592: Points 390 (cluster 2557) and 615 (cluster 615) connect at weight=174.0
2025-04-09 19:04:09.278 | DEBUG    | __main__:<module>:20 - Iteration 593: Points 376 (cluster 2589) and 621 (cluster 621) connect at weight=174.0
2025-04-09 19:04:09.279 | DEBUG    | __main__:<module>:20 - Iteration 594: Points 324 (cluster 2585) and 519 (cluster 519) connect at weight=174.0
2025-04-09 19:04:09.279 | DEBUG    | __main__:<module>:20 - Iteration 595: Points 301 (cluster 2591) and 601 (cluster 601) connect at weight=174.0
2025-04-09 19:04:09.279 | DEBUG    | __main__:<module>:20 - Iteration 596: Points 282 (cluster 2586) and 622 (cluster 622) connect at weight=174.0
2025-04-09 19:04:09.279 | DEBUG    | __main__:<module>:20 - Iteration 597: Points 278 (cluster 2594) and 631 (cluster 631) connect at weight=174.0
2025-04-09 19:04:09.279 | DEBUG    | __main__:<module>:20 - Iteration 598: Points 264 (cluster 2593) and 583 (cluster 583) connect at weight=174.0
2025-04-09 19:04:09.279 | DEBUG    | __main__:<module>:20 - Iteration 599: Points 248 (cluster 248) and 463 (cluster 2450) connect at weight=174.0
2025-04-09 19:04:09.280 | DEBUG    | __main__:<module>:20 - Iteration 600: Points 247 (cluster 2595) and 166 (cluster 2583) connect at weight=174.0
2025-04-09 19:04:09.280 | DEBUG    | __main__:<module>:20 - Iteration 601: Points 100 (cluster 2600) and 630 (cluster 630) connect at weight=174.0
2025-04-09 19:04:09.280 | DEBUG    | __main__:<module>:20 - Iteration 602: Points 655 (cluster 655) and 647 (cluster 647) connect at weight=173.0
2025-04-09 19:04:09.280 | DEBUG    | __main__:<module>:20 - Iteration 603: Points 644 (cluster 644) and 641 (cluster 641) connect at weight=173.0
2025-04-09 19:04:09.280 | DEBUG    | __main__:<module>:20 - Iteration 604: Points 625 (cluster 625) and 415 (cluster 2590) connect at weight=173.0
2025-04-09 19:04:09.281 | DEBUG    | __main__:<module>:20 - Iteration 605: Points 624 (cluster 2604) and 640 (cluster 640) connect at weight=173.0
2025-04-09 19:04:09.281 | DEBUG    | __main__:<module>:20 - Iteration 606: Points 613 (cluster 613) and 558 (cluster 558) connect at weight=173.0
2025-04-09 19:04:09.281 | DEBUG    | __main__:<module>:20 - Iteration 607: Points 610 (cluster 2584) and 636 (cluster 636) connect at weight=173.0
2025-04-09 19:04:09.281 | DEBUG    | __main__:<module>:20 - Iteration 608: Points 603 (cluster 2598) and 633 (cluster 633) connect at weight=173.0
2025-04-09 19:04:09.281 | DEBUG    | __main__:<module>:20 - Iteration 609: Points 571 (cluster 2607) and 658 (cluster 658) connect at weight=173.0
2025-04-09 19:04:09.281 | DEBUG    | __main__:<module>:20 - Iteration 610: Points 570 (cluster 570) and 579 (cluster 579) connect at weight=173.0
2025-04-09 19:04:09.282 | DEBUG    | __main__:<module>:20 - Iteration 611: Points 570 (cluster 2610) and 521 (cluster 2494) connect at weight=173.0
2025-04-09 19:04:09.282 | DEBUG    | __main__:<module>:20 - Iteration 612: Points 569 (cluster 2573) and 432 (cluster 2596) connect at weight=173.0
2025-04-09 19:04:09.282 | DEBUG    | __main__:<module>:20 - Iteration 613: Points 556 (cluster 2579) and 248 (cluster 2599) connect at weight=173.0
2025-04-09 19:04:09.282 | DEBUG    | __main__:<module>:20 - Iteration 614: Points 547 (cluster 2581) and 655 (cluster 2602) connect at weight=173.0
2025-04-09 19:04:09.283 | DEBUG    | __main__:<module>:20 - Iteration 615: Points 543 (cluster 2592) and 644 (cluster 2603) connect at weight=173.0
2025-04-09 19:04:09.283 | DEBUG    | __main__:<module>:20 - Iteration 616: Points 524 (cluster 2601) and 607 (cluster 607) connect at weight=173.0
2025-04-09 19:04:09.284 | DEBUG    | __main__:<module>:20 - Iteration 617: Points 522 (cluster 2609) and 662 (cluster 662) connect at weight=173.0
2025-04-09 19:04:09.284 | DEBUG    | __main__:<module>:20 - Iteration 618: Points 493 (cluster 2572) and 656 (cluster 656) connect at weight=173.0
2025-04-09 19:04:09.284 | DEBUG    | __main__:<module>:20 - Iteration 619: Points 489 (cluster 2616) and 487 (cluster 2447) connect at weight=173.0
2025-04-09 19:04:09.284 | DEBUG    | __main__:<module>:20 - Iteration 620: Points 450 (cluster 2612) and 645 (cluster 645) connect at weight=173.0
2025-04-09 19:04:09.284 | DEBUG    | __main__:<module>:20 - Iteration 621: Points 447 (cluster 2617) and 642 (cluster 642) connect at weight=173.0
2025-04-09 19:04:09.285 | DEBUG    | __main__:<module>:20 - Iteration 622: Points 445 (cluster 2605) and 613 (cluster 2606) connect at weight=173.0
2025-04-09 19:04:09.285 | DEBUG    | __main__:<module>:20 - Iteration 623: Points 427 (cluster 2362) and 663 (cluster 663) connect at weight=173.0
2025-04-09 19:04:09.285 | DEBUG    | __main__:<module>:20 - Iteration 624: Points 410 (cluster 2619) and 657 (cluster 657) connect at weight=173.0
2025-04-09 19:04:09.285 | DEBUG    | __main__:<module>:20 - Iteration 625: Points 405 (cluster 2615) and 243 (cluster 243) connect at weight=173.0
2025-04-09 19:04:09.285 | DEBUG    | __main__:<module>:20 - Iteration 626: Points 403 (cluster 2625) and 666 (cluster 666) connect at weight=173.0
2025-04-09 19:04:09.286 | DEBUG    | __main__:<module>:20 - Iteration 627: Points 401 (cluster 2597) and 653 (cluster 653) connect at weight=173.0
2025-04-09 19:04:09.286 | DEBUG    | __main__:<module>:20 - Iteration 628: Points 354 (cluster 2621) and 654 (cluster 654) connect at weight=173.0
2025-04-09 19:04:09.286 | DEBUG    | __main__:<module>:20 - Iteration 629: Points 354 (cluster 2628) and 414 (cluster 414) connect at weight=173.0
2025-04-09 19:04:09.286 | DEBUG    | __main__:<module>:20 - Iteration 630: Points 340 (cluster 2624) and 643 (cluster 643) connect at weight=173.0
2025-04-09 19:04:09.286 | DEBUG    | __main__:<module>:20 - Iteration 631: Points 308 (cluster 2630) and 634 (cluster 634) connect at weight=173.0
2025-04-09 19:04:09.287 | DEBUG    | __main__:<module>:20 - Iteration 632: Points 301 (cluster 2631) and 629 (cluster 2562) connect at weight=173.0
2025-04-09 19:04:09.287 | DEBUG    | __main__:<module>:20 - Iteration 633: Points 283 (cluster 2608) and 652 (cluster 652) connect at weight=173.0
2025-04-09 19:04:09.287 | DEBUG    | __main__:<module>:20 - Iteration 634: Points 270 (cluster 2627) and 664 (cluster 664) connect at weight=173.0
2025-04-09 19:04:09.287 | DEBUG    | __main__:<module>:20 - Iteration 635: Points 258 (cluster 2614) and 660 (cluster 660) connect at weight=173.0
2025-04-09 19:04:09.287 | DEBUG    | __main__:<module>:20 - Iteration 636: Points 258 (cluster 2635) and 659 (cluster 659) connect at weight=173.0
2025-04-09 19:04:09.287 | DEBUG    | __main__:<module>:20 - Iteration 637: Points 235 (cluster 2632) and 545 (cluster 545) connect at weight=173.0
2025-04-09 19:04:09.288 | DEBUG    | __main__:<module>:20 - Iteration 638: Points 233 (cluster 2620) and 661 (cluster 661) connect at weight=173.0
2025-04-09 19:04:09.288 | DEBUG    | __main__:<module>:20 - Iteration 639: Points 148 (cluster 2633) and 638 (cluster 638) connect at weight=173.0
2025-04-09 19:04:09.288 | DEBUG    | __main__:<module>:20 - Iteration 640: Points 143 (cluster 2639) and 623 (cluster 623) connect at weight=173.0
2025-04-09 19:04:09.288 | DEBUG    | __main__:<module>:20 - Iteration 641: Points 99 (cluster 2640) and 635 (cluster 635) connect at weight=173.0
2025-04-09 19:04:09.289 | DEBUG    | __main__:<module>:20 - Iteration 642: Points 680 (cluster 680) and 500 (cluster 2638) connect at weight=172.0
2025-04-09 19:04:09.289 | DEBUG    | __main__:<module>:20 - Iteration 643: Points 658 (cluster 2629) and 684 (cluster 684) connect at weight=172.0
2025-04-09 19:04:09.289 | DEBUG    | __main__:<module>:20 - Iteration 644: Points 652 (cluster 2641) and 679 (cluster 679) connect at weight=172.0
2025-04-09 19:04:09.289 | DEBUG    | __main__:<module>:20 - Iteration 645: Points 646 (cluster 646) and 665 (cluster 665) connect at weight=172.0
2025-04-09 19:04:09.289 | DEBUG    | __main__:<module>:20 - Iteration 646: Points 637 (cluster 637) and 669 (cluster 669) connect at weight=172.0
2025-04-09 19:04:09.290 | DEBUG    | __main__:<module>:20 - Iteration 647: Points 636 (cluster 2643) and 677 (cluster 677) connect at weight=172.0
2025-04-09 19:04:09.290 | DEBUG    | __main__:<module>:20 - Iteration 648: Points 632 (cluster 632) and 680 (cluster 2642) connect at weight=172.0
2025-04-09 19:04:09.290 | DEBUG    | __main__:<module>:20 - Iteration 649: Points 628 (cluster 2648) and 671 (cluster 671) connect at weight=172.0
2025-04-09 19:04:09.290 | DEBUG    | __main__:<module>:20 - Iteration 650: Points 626 (cluster 2622) and 689 (cluster 689) connect at weight=172.0
2025-04-09 19:04:09.290 | DEBUG    | __main__:<module>:20 - Iteration 651: Points 592 (cluster 2565) and 650 (cluster 650) connect at weight=172.0
2025-04-09 19:04:09.291 | DEBUG    | __main__:<module>:20 - Iteration 652: Points 579 (cluster 2611) and 504 (cluster 2613) connect at weight=172.0
2025-04-09 19:04:09.291 | DEBUG    | __main__:<module>:20 - Iteration 653: Points 569 (cluster 2649) and 688 (cluster 688) connect at weight=172.0
2025-04-09 19:04:09.291 | DEBUG    | __main__:<module>:20 - Iteration 654: Points 543 (cluster 2626) and 321 (cluster 2636) connect at weight=172.0
2025-04-09 19:04:09.291 | DEBUG    | __main__:<module>:20 - Iteration 655: Points 541 (cluster 2654) and 678 (cluster 678) connect at weight=172.0
2025-04-09 19:04:09.291 | DEBUG    | __main__:<module>:20 - Iteration 656: Points 532 (cluster 2618) and 685 (cluster 685) connect at weight=172.0
2025-04-09 19:04:09.292 | DEBUG    | __main__:<module>:20 - Iteration 657: Points 531 (cluster 2644) and 651 (cluster 651) connect at weight=172.0
2025-04-09 19:04:09.296 | DEBUG    | __main__:<module>:20 - Iteration 658: Points 522 (cluster 2647) and 670 (cluster 670) connect at weight=172.0
2025-04-09 19:04:09.297 | DEBUG    | __main__:<module>:20 - Iteration 659: Points 504 (cluster 2652) and 649 (cluster 649) connect at weight=172.0
2025-04-09 19:04:09.297 | DEBUG    | __main__:<module>:20 - Iteration 660: Points 473 (cluster 2637) and 676 (cluster 676) connect at weight=172.0
2025-04-09 19:04:09.297 | DEBUG    | __main__:<module>:20 - Iteration 661: Points 462 (cluster 2657) and 675 (cluster 675) connect at weight=172.0
2025-04-09 19:04:09.297 | DEBUG    | __main__:<module>:20 - Iteration 662: Points 444 (cluster 2650) and 384 (cluster 2655) connect at weight=172.0
2025-04-09 19:04:09.297 | DEBUG    | __main__:<module>:20 - Iteration 663: Points 436 (cluster 2662) and 668 (cluster 668) connect at weight=172.0
2025-04-09 19:04:09.298 | DEBUG    | __main__:<module>:20 - Iteration 664: Points 430 (cluster 2660) and 683 (cluster 683) connect at weight=172.0
2025-04-09 19:04:09.298 | DEBUG    | __main__:<module>:20 - Iteration 665: Points 414 (cluster 2658) and 596 (cluster 596) connect at weight=172.0
2025-04-09 19:04:09.298 | DEBUG    | __main__:<module>:20 - Iteration 666: Points 408 (cluster 2664) and 682 (cluster 682) connect at weight=172.0
2025-04-09 19:04:09.298 | DEBUG    | __main__:<module>:20 - Iteration 667: Points 384 (cluster 2663) and 687 (cluster 687) connect at weight=172.0
2025-04-09 19:04:09.298 | DEBUG    | __main__:<module>:20 - Iteration 668: Points 383 (cluster 2665) and 672 (cluster 672) connect at weight=172.0
2025-04-09 19:04:09.299 | DEBUG    | __main__:<module>:20 - Iteration 669: Points 368 (cluster 2661) and 648 (cluster 648) connect at weight=172.0
2025-04-09 19:04:09.299 | DEBUG    | __main__:<module>:20 - Iteration 670: Points 355 (cluster 2656) and 637 (cluster 2646) connect at weight=172.0
2025-04-09 19:04:09.299 | DEBUG    | __main__:<module>:20 - Iteration 671: Points 323 (cluster 2668) and 646 (cluster 2645) connect at weight=172.0
2025-04-09 19:04:09.299 | DEBUG    | __main__:<module>:20 - Iteration 672: Points 301 (cluster 2666) and 691 (cluster 691) connect at weight=172.0
2025-04-09 19:04:09.299 | DEBUG    | __main__:<module>:20 - Iteration 673: Points 123 (cluster 2653) and 674 (cluster 674) connect at weight=172.0
2025-04-09 19:04:09.299 | DEBUG    | __main__:<module>:20 - Iteration 674: Points 109 (cluster 2670) and 667 (cluster 667) connect at weight=172.0
2025-04-09 19:04:09.300 | DEBUG    | __main__:<module>:20 - Iteration 675: Points 697 (cluster 697) and 639 (cluster 639) connect at weight=171.0
2025-04-09 19:04:09.300 | DEBUG    | __main__:<module>:20 - Iteration 676: Points 687 (cluster 2667) and 712 (cluster 712) connect at weight=171.0
2025-04-09 19:04:09.300 | DEBUG    | __main__:<module>:20 - Iteration 677: Points 685 (cluster 2674) and 700 (cluster 700) connect at weight=171.0
2025-04-09 19:04:09.301 | DEBUG    | __main__:<module>:20 - Iteration 678: Points 676 (cluster 2672) and 714 (cluster 714) connect at weight=171.0
2025-04-09 19:04:09.301 | DEBUG    | __main__:<module>:20 - Iteration 679: Points 673 (cluster 673) and 690 (cluster 690) connect at weight=171.0
2025-04-09 19:04:09.302 | DEBUG    | __main__:<module>:20 - Iteration 680: Points 658 (cluster 2671) and 716 (cluster 716) connect at weight=171.0
2025-04-09 19:04:09.302 | DEBUG    | __main__:<module>:20 - Iteration 681: Points 656 (cluster 2677) and 706 (cluster 706) connect at weight=171.0
2025-04-09 19:04:09.302 | DEBUG    | __main__:<module>:20 - Iteration 682: Points 629 (cluster 2678) and 602 (cluster 2564) connect at weight=171.0
2025-04-09 19:04:09.302 | DEBUG    | __main__:<module>:20 - Iteration 683: Points 595 (cluster 2680) and 696 (cluster 696) connect at weight=171.0
2025-04-09 19:04:09.302 | DEBUG    | __main__:<module>:20 - Iteration 684: Points 594 (cluster 2669) and 702 (cluster 702) connect at weight=171.0
2025-04-09 19:04:09.303 | DEBUG    | __main__:<module>:20 - Iteration 685: Points 586 (cluster 2682) and 703 (cluster 703) connect at weight=171.0
2025-04-09 19:04:09.303 | DEBUG    | __main__:<module>:20 - Iteration 686: Points 581 (cluster 2684) and 711 (cluster 711) connect at weight=171.0
2025-04-09 19:04:09.303 | DEBUG    | __main__:<module>:20 - Iteration 687: Points 580 (cluster 2685) and 531 (cluster 2686) connect at weight=171.0
2025-04-09 19:04:09.303 | DEBUG    | __main__:<module>:20 - Iteration 688: Points 579 (cluster 2659) and 713 (cluster 713) connect at weight=171.0
2025-04-09 19:04:09.304 | DEBUG    | __main__:<module>:20 - Iteration 689: Points 578 (cluster 2676) and 704 (cluster 704) connect at weight=171.0
2025-04-09 19:04:09.304 | DEBUG    | __main__:<module>:20 - Iteration 690: Points 576 (cluster 2689) and 694 (cluster 694) connect at weight=171.0
2025-04-09 19:04:09.304 | DEBUG    | __main__:<module>:20 - Iteration 691: Points 568 (cluster 2690) and 693 (cluster 693) connect at weight=171.0
2025-04-09 19:04:09.304 | DEBUG    | __main__:<module>:20 - Iteration 692: Points 511 (cluster 2691) and 592 (cluster 2651) connect at weight=171.0
2025-04-09 19:04:09.304 | DEBUG    | __main__:<module>:20 - Iteration 693: Points 502 (cluster 2683) and 701 (cluster 701) connect at weight=171.0
2025-04-09 19:04:09.305 | DEBUG    | __main__:<module>:20 - Iteration 694: Points 499 (cluster 2692) and 695 (cluster 695) connect at weight=171.0
2025-04-09 19:04:09.305 | DEBUG    | __main__:<module>:20 - Iteration 695: Points 492 (cluster 2694) and 692 (cluster 692) connect at weight=171.0
2025-04-09 19:04:09.305 | DEBUG    | __main__:<module>:20 - Iteration 696: Points 470 (cluster 2687) and 707 (cluster 707) connect at weight=171.0
2025-04-09 19:04:09.305 | DEBUG    | __main__:<module>:20 - Iteration 697: Points 444 (cluster 2695) and 698 (cluster 698) connect at weight=171.0
2025-04-09 19:04:09.305 | DEBUG    | __main__:<module>:20 - Iteration 698: Points 437 (cluster 2673) and 686 (cluster 686) connect at weight=171.0
2025-04-09 19:04:09.306 | DEBUG    | __main__:<module>:20 - Iteration 699: Points 437 (cluster 2698) and 279 (cluster 2634) connect at weight=171.0
2025-04-09 19:04:09.306 | DEBUG    | __main__:<module>:20 - Iteration 700: Points 404 (cluster 2697) and 681 (cluster 681) connect at weight=171.0
2025-04-09 19:04:09.306 | DEBUG    | __main__:<module>:20 - Iteration 701: Points 329 (cluster 2696) and 699 (cluster 699) connect at weight=171.0
2025-04-09 19:04:09.306 | DEBUG    | __main__:<module>:20 - Iteration 702: Points 288 (cluster 2699) and 715 (cluster 715) connect at weight=171.0
2025-04-09 19:04:09.306 | DEBUG    | __main__:<module>:20 - Iteration 703: Points 262 (cluster 2681) and 627 (cluster 627) connect at weight=171.0
2025-04-09 19:04:09.307 | DEBUG    | __main__:<module>:20 - Iteration 704: Points 143 (cluster 2701) and 708 (cluster 708) connect at weight=171.0
2025-04-09 19:04:09.307 | DEBUG    | __main__:<module>:20 - Iteration 705: Points 737 (cluster 737) and 730 (cluster 730) connect at weight=170.0
2025-04-09 19:04:09.307 | DEBUG    | __main__:<module>:20 - Iteration 706: Points 737 (cluster 2705) and 721 (cluster 721) connect at weight=170.0
2025-04-09 19:04:09.307 | DEBUG    | __main__:<module>:20 - Iteration 707: Points 724 (cluster 724) and 673 (cluster 2679) connect at weight=170.0
2025-04-09 19:04:09.307 | DEBUG    | __main__:<module>:20 - Iteration 708: Points 699 (cluster 2704) and 734 (cluster 734) connect at weight=170.0
2025-04-09 19:04:09.308 | DEBUG    | __main__:<module>:20 - Iteration 709: Points 651 (cluster 2708) and 722 (cluster 722) connect at weight=170.0
2025-04-09 19:04:09.308 | DEBUG    | __main__:<module>:20 - Iteration 710: Points 640 (cluster 2700) and 727 (cluster 727) connect at weight=170.0
2025-04-09 19:04:09.308 | DEBUG    | __main__:<module>:20 - Iteration 711: Points 634 (cluster 2709) and 737 (cluster 2706) connect at weight=170.0
2025-04-09 19:04:09.308 | DEBUG    | __main__:<module>:20 - Iteration 712: Points 631 (cluster 2702) and 719 (cluster 719) connect at weight=170.0
2025-04-09 19:04:09.308 | DEBUG    | __main__:<module>:20 - Iteration 713: Points 623 (cluster 2711) and 741 (cluster 741) connect at weight=170.0
2025-04-09 19:04:09.309 | DEBUG    | __main__:<module>:20 - Iteration 714: Points 617 (cluster 2713) and 723 (cluster 723) connect at weight=170.0
2025-04-09 19:04:09.309 | DEBUG    | __main__:<module>:20 - Iteration 715: Points 600 (cluster 2703) and 729 (cluster 729) connect at weight=170.0
2025-04-09 19:04:09.309 | DEBUG    | __main__:<module>:20 - Iteration 716: Points 596 (cluster 2693) and 735 (cluster 735) connect at weight=170.0
2025-04-09 19:04:09.309 | DEBUG    | __main__:<module>:20 - Iteration 717: Points 596 (cluster 2716) and 632 (cluster 2712) connect at weight=170.0
2025-04-09 19:04:09.309 | DEBUG    | __main__:<module>:20 - Iteration 718: Points 589 (cluster 2715) and 728 (cluster 728) connect at weight=170.0
2025-04-09 19:04:09.310 | DEBUG    | __main__:<module>:20 - Iteration 719: Points 576 (cluster 2710) and 717 (cluster 717) connect at weight=170.0
2025-04-09 19:04:09.310 | DEBUG    | __main__:<module>:20 - Iteration 720: Points 557 (cluster 2714) and 740 (cluster 740) connect at weight=170.0
2025-04-09 19:04:09.310 | DEBUG    | __main__:<module>:20 - Iteration 721: Points 541 (cluster 2719) and 733 (cluster 733) connect at weight=170.0
2025-04-09 19:04:09.310 | DEBUG    | __main__:<module>:20 - Iteration 722: Points 507 (cluster 2720) and 709 (cluster 709) connect at weight=170.0
2025-04-09 19:04:09.310 | DEBUG    | __main__:<module>:20 - Iteration 723: Points 443 (cluster 2623) and 732 (cluster 732) connect at weight=170.0
2025-04-09 19:04:09.310 | DEBUG    | __main__:<module>:20 - Iteration 724: Points 437 (cluster 2717) and 710 (cluster 710) connect at weight=170.0
2025-04-09 19:04:09.311 | DEBUG    | __main__:<module>:20 - Iteration 725: Points 317 (cluster 2722) and 738 (cluster 738) connect at weight=170.0
2025-04-09 19:04:09.311 | DEBUG    | __main__:<module>:20 - Iteration 726: Points 256 (cluster 2725) and 736 (cluster 736) connect at weight=170.0
2025-04-09 19:04:09.311 | DEBUG    | __main__:<module>:20 - Iteration 727: Points 204 (cluster 2726) and 515 (cluster 2718) connect at weight=170.0
2025-04-09 19:04:09.311 | DEBUG    | __main__:<module>:20 - Iteration 728: Points 133 (cluster 2721) and 720 (cluster 720) connect at weight=170.0
2025-04-09 19:04:09.311 | DEBUG    | __main__:<module>:20 - Iteration 729: Points 109 (cluster 2727) and 731 (cluster 731) connect at weight=170.0
2025-04-09 19:04:09.312 | DEBUG    | __main__:<module>:20 - Iteration 730: Points 758 (cluster 758) and 751 (cluster 751) connect at weight=169.0
2025-04-09 19:04:09.312 | DEBUG    | __main__:<module>:20 - Iteration 731: Points 758 (cluster 2730) and 724 (cluster 2707) connect at weight=169.0
2025-04-09 19:04:09.312 | DEBUG    | __main__:<module>:20 - Iteration 732: Points 749 (cluster 749) and 725 (cluster 725) connect at weight=169.0
2025-04-09 19:04:09.312 | DEBUG    | __main__:<module>:20 - Iteration 733: Points 705 (cluster 705) and 749 (cluster 2732) connect at weight=169.0
2025-04-09 19:04:09.312 | DEBUG    | __main__:<module>:20 - Iteration 734: Points 703 (cluster 2729) and 759 (cluster 759) connect at weight=169.0
2025-04-09 19:04:09.313 | DEBUG    | __main__:<module>:20 - Iteration 735: Points 692 (cluster 2728) and 746 (cluster 746) connect at weight=169.0
2025-04-09 19:04:09.313 | DEBUG    | __main__:<module>:20 - Iteration 736: Points 690 (cluster 2731) and 570 (cluster 2688) connect at weight=169.0
2025-04-09 19:04:09.313 | DEBUG    | __main__:<module>:20 - Iteration 737: Points 675 (cluster 2734) and 742 (cluster 742) connect at weight=169.0
2025-04-09 19:04:09.313 | DEBUG    | __main__:<module>:20 - Iteration 738: Points 664 (cluster 2724) and 748 (cluster 748) connect at weight=169.0
2025-04-09 19:04:09.313 | DEBUG    | __main__:<module>:20 - Iteration 739: Points 661 (cluster 2738) and 760 (cluster 760) connect at weight=169.0
2025-04-09 19:04:09.313 | DEBUG    | __main__:<module>:20 - Iteration 740: Points 639 (cluster 2675) and 739 (cluster 739) connect at weight=169.0
2025-04-09 19:04:09.314 | DEBUG    | __main__:<module>:20 - Iteration 741: Points 627 (cluster 2737) and 743 (cluster 743) connect at weight=169.0
2025-04-09 19:04:09.314 | DEBUG    | __main__:<module>:20 - Iteration 742: Points 579 (cluster 2736) and 747 (cluster 747) connect at weight=169.0
2025-04-09 19:04:09.314 | DEBUG    | __main__:<module>:20 - Iteration 743: Points 567 (cluster 2741) and 757 (cluster 757) connect at weight=169.0
2025-04-09 19:04:09.314 | DEBUG    | __main__:<module>:20 - Iteration 744: Points 529 (cluster 2742) and 625 (cluster 2735) connect at weight=169.0
2025-04-09 19:04:09.314 | DEBUG    | __main__:<module>:20 - Iteration 745: Points 471 (cluster 2739) and 753 (cluster 753) connect at weight=169.0
2025-04-09 19:04:09.315 | DEBUG    | __main__:<module>:20 - Iteration 746: Points 470 (cluster 2743) and 718 (cluster 718) connect at weight=169.0
2025-04-09 19:04:09.315 | DEBUG    | __main__:<module>:20 - Iteration 747: Points 462 (cluster 2746) and 726 (cluster 726) connect at weight=169.0
2025-04-09 19:04:09.315 | DEBUG    | __main__:<module>:20 - Iteration 748: Points 427 (cluster 2723) and 705 (cluster 2733) connect at weight=169.0
2025-04-09 19:04:09.315 | DEBUG    | __main__:<module>:20 - Iteration 749: Points 414 (cluster 2745) and 754 (cluster 754) connect at weight=169.0
2025-04-09 19:04:09.315 | DEBUG    | __main__:<module>:20 - Iteration 750: Points 376 (cluster 2747) and 744 (cluster 744) connect at weight=169.0
2025-04-09 19:04:09.316 | DEBUG    | __main__:<module>:20 - Iteration 751: Points 212 (cluster 2744) and 756 (cluster 756) connect at weight=169.0
2025-04-09 19:04:09.316 | DEBUG    | __main__:<module>:20 - Iteration 752: Points 157 (cluster 2750) and 755 (cluster 755) connect at weight=169.0
2025-04-09 19:04:09.316 | DEBUG    | __main__:<module>:20 - Iteration 753: Points 157 (cluster 2752) and 750 (cluster 750) connect at weight=169.0
2025-04-09 19:04:09.316 | DEBUG    | __main__:<module>:20 - Iteration 754: Points 763 (cluster 763) and 697 (cluster 2740) connect at weight=168.0
2025-04-09 19:04:09.316 | DEBUG    | __main__:<module>:20 - Iteration 755: Points 743 (cluster 2753) and 782 (cluster 782) connect at weight=168.0
2025-04-09 19:04:09.316 | DEBUG    | __main__:<module>:20 - Iteration 756: Points 725 (cluster 2748) and 758 (cluster 2751) connect at weight=168.0
2025-04-09 19:04:09.317 | DEBUG    | __main__:<module>:20 - Iteration 757: Points 722 (cluster 2755) and 761 (cluster 761) connect at weight=168.0
2025-04-09 19:04:09.317 | DEBUG    | __main__:<module>:20 - Iteration 758: Points 719 (cluster 2749) and 768 (cluster 768) connect at weight=168.0
2025-04-09 19:04:09.317 | DEBUG    | __main__:<module>:20 - Iteration 759: Points 692 (cluster 2756) and 769 (cluster 769) connect at weight=168.0
2025-04-09 19:04:09.317 | DEBUG    | __main__:<module>:20 - Iteration 760: Points 689 (cluster 2759) and 764 (cluster 764) connect at weight=168.0
2025-04-09 19:04:09.317 | DEBUG    | __main__:<module>:20 - Iteration 761: Points 680 (cluster 2758) and 778 (cluster 778) connect at weight=168.0
2025-04-09 19:04:09.318 | DEBUG    | __main__:<module>:20 - Iteration 762: Points 678 (cluster 2760) and 767 (cluster 767) connect at weight=168.0
2025-04-09 19:04:09.318 | DEBUG    | __main__:<module>:20 - Iteration 763: Points 665 (cluster 2761) and 786 (cluster 786) connect at weight=168.0
2025-04-09 19:04:09.318 | DEBUG    | __main__:<module>:20 - Iteration 764: Points 664 (cluster 2763) and 784 (cluster 784) connect at weight=168.0
2025-04-09 19:04:09.318 | DEBUG    | __main__:<module>:20 - Iteration 765: Points 654 (cluster 2764) and 774 (cluster 774) connect at weight=168.0
2025-04-09 19:04:09.319 | DEBUG    | __main__:<module>:20 - Iteration 766: Points 653 (cluster 2765) and 783 (cluster 783) connect at weight=168.0
2025-04-09 19:04:09.319 | DEBUG    | __main__:<module>:20 - Iteration 767: Points 644 (cluster 2762) and 775 (cluster 775) connect at weight=168.0
2025-04-09 19:04:09.319 | DEBUG    | __main__:<module>:20 - Iteration 768: Points 639 (cluster 2754) and 447 (cluster 2766) connect at weight=168.0
2025-04-09 19:04:09.319 | DEBUG    | __main__:<module>:20 - Iteration 769: Points 638 (cluster 2757) and 772 (cluster 772) connect at weight=168.0
2025-04-09 19:04:09.319 | DEBUG    | __main__:<module>:20 - Iteration 770: Points 629 (cluster 2769) and 789 (cluster 789) connect at weight=168.0
2025-04-09 19:04:09.319 | DEBUG    | __main__:<module>:20 - Iteration 771: Points 627 (cluster 2770) and 752 (cluster 752) connect at weight=168.0
2025-04-09 19:04:09.320 | DEBUG    | __main__:<module>:20 - Iteration 772: Points 625 (cluster 2767) and 790 (cluster 790) connect at weight=168.0
2025-04-09 19:04:09.320 | DEBUG    | __main__:<module>:20 - Iteration 773: Points 622 (cluster 2768) and 770 (cluster 770) connect at weight=168.0
2025-04-09 19:04:09.320 | DEBUG    | __main__:<module>:20 - Iteration 774: Points 619 (cluster 2773) and 779 (cluster 779) connect at weight=168.0
2025-04-09 19:04:09.320 | DEBUG    | __main__:<module>:20 - Iteration 775: Points 598 (cluster 2771) and 773 (cluster 773) connect at weight=168.0
2025-04-09 19:04:09.320 | DEBUG    | __main__:<module>:20 - Iteration 776: Points 583 (cluster 2775) and 771 (cluster 771) connect at weight=168.0
2025-04-09 19:04:09.321 | DEBUG    | __main__:<module>:20 - Iteration 777: Points 573 (cluster 2772) and 745 (cluster 745) connect at weight=168.0
2025-04-09 19:04:09.321 | DEBUG    | __main__:<module>:20 - Iteration 778: Points 553 (cluster 2776) and 785 (cluster 785) connect at weight=168.0
2025-04-09 19:04:09.321 | DEBUG    | __main__:<module>:20 - Iteration 779: Points 531 (cluster 2778) and 765 (cluster 765) connect at weight=168.0
2025-04-09 19:04:09.321 | DEBUG    | __main__:<module>:20 - Iteration 780: Points 507 (cluster 2779) and 347 (cluster 2777) connect at weight=168.0
2025-04-09 19:04:09.321 | DEBUG    | __main__:<module>:20 - Iteration 781: Points 497 (cluster 2780) and 777 (cluster 777) connect at weight=168.0
2025-04-09 19:04:09.322 | DEBUG    | __main__:<module>:20 - Iteration 782: Points 406 (cluster 2781) and 787 (cluster 787) connect at weight=168.0
2025-04-09 19:04:09.322 | DEBUG    | __main__:<module>:20 - Iteration 783: Points 359 (cluster 2782) and 766 (cluster 766) connect at weight=168.0
2025-04-09 19:04:09.322 | DEBUG    | __main__:<module>:20 - Iteration 784: Points 238 (cluster 2783) and 788 (cluster 788) connect at weight=168.0
2025-04-09 19:04:09.322 | DEBUG    | __main__:<module>:20 - Iteration 785: Points 815 (cluster 815) and 814 (cluster 814) connect at weight=167.0
2025-04-09 19:04:09.322 | DEBUG    | __main__:<module>:20 - Iteration 786: Points 790 (cluster 2784) and 791 (cluster 791) connect at weight=167.0
2025-04-09 19:04:09.323 | DEBUG    | __main__:<module>:20 - Iteration 787: Points 787 (cluster 2786) and 803 (cluster 803) connect at weight=167.0
2025-04-09 19:04:09.323 | DEBUG    | __main__:<module>:20 - Iteration 788: Points 778 (cluster 2774) and 811 (cluster 811) connect at weight=167.0
2025-04-09 19:04:09.323 | DEBUG    | __main__:<module>:20 - Iteration 789: Points 775 (cluster 2787) and 812 (cluster 812) connect at weight=167.0
2025-04-09 19:04:09.323 | DEBUG    | __main__:<module>:20 - Iteration 790: Points 761 (cluster 2789) and 801 (cluster 801) connect at weight=167.0
2025-04-09 19:04:09.323 | DEBUG    | __main__:<module>:20 - Iteration 791: Points 758 (cluster 2790) and 800 (cluster 800) connect at weight=167.0
2025-04-09 19:04:09.324 | DEBUG    | __main__:<module>:20 - Iteration 792: Points 756 (cluster 2791) and 781 (cluster 781) connect at weight=167.0
2025-04-09 19:04:09.324 | DEBUG    | __main__:<module>:20 - Iteration 793: Points 739 (cluster 2788) and 762 (cluster 762) connect at weight=167.0
2025-04-09 19:04:09.324 | DEBUG    | __main__:<module>:20 - Iteration 794: Points 726 (cluster 2792) and 793 (cluster 793) connect at weight=167.0
2025-04-09 19:04:09.324 | DEBUG    | __main__:<module>:20 - Iteration 795: Points 718 (cluster 2794) and 810 (cluster 810) connect at weight=167.0
2025-04-09 19:04:09.324 | DEBUG    | __main__:<module>:20 - Iteration 796: Points 718 (cluster 2795) and 794 (cluster 794) connect at weight=167.0
2025-04-09 19:04:09.324 | DEBUG    | __main__:<module>:20 - Iteration 797: Points 690 (cluster 2796) and 809 (cluster 809) connect at weight=167.0
2025-04-09 19:04:09.325 | DEBUG    | __main__:<module>:20 - Iteration 798: Points 683 (cluster 2797) and 808 (cluster 808) connect at weight=167.0
2025-04-09 19:04:09.325 | DEBUG    | __main__:<module>:20 - Iteration 799: Points 681 (cluster 2798) and 815 (cluster 2785) connect at weight=167.0
2025-04-09 19:04:09.325 | DEBUG    | __main__:<module>:20 - Iteration 800: Points 670 (cluster 2793) and 805 (cluster 805) connect at weight=167.0
2025-04-09 19:04:09.325 | DEBUG    | __main__:<module>:20 - Iteration 801: Points 664 (cluster 2800) and 796 (cluster 796) connect at weight=167.0
2025-04-09 19:04:09.325 | DEBUG    | __main__:<module>:20 - Iteration 802: Points 627 (cluster 2799) and 795 (cluster 795) connect at weight=167.0
2025-04-09 19:04:09.326 | DEBUG    | __main__:<module>:20 - Iteration 803: Points 622 (cluster 2801) and 797 (cluster 797) connect at weight=167.0
2025-04-09 19:04:09.326 | DEBUG    | __main__:<module>:20 - Iteration 804: Points 586 (cluster 2802) and 792 (cluster 792) connect at weight=167.0
2025-04-09 19:04:09.326 | DEBUG    | __main__:<module>:20 - Iteration 805: Points 577 (cluster 2804) and 813 (cluster 813) connect at weight=167.0
2025-04-09 19:04:09.326 | DEBUG    | __main__:<module>:20 - Iteration 806: Points 546 (cluster 2803) and 806 (cluster 806) connect at weight=167.0
2025-04-09 19:04:09.326 | DEBUG    | __main__:<module>:20 - Iteration 807: Points 539 (cluster 2805) and 763 (cluster 2806) connect at weight=167.0
2025-04-09 19:04:09.327 | DEBUG    | __main__:<module>:20 - Iteration 808: Points 503 (cluster 2807) and 776 (cluster 776) connect at weight=167.0
2025-04-09 19:04:09.327 | DEBUG    | __main__:<module>:20 - Iteration 809: Points 453 (cluster 2808) and 807 (cluster 807) connect at weight=167.0
2025-04-09 19:04:09.327 | DEBUG    | __main__:<module>:20 - Iteration 810: Points 400 (cluster 2809) and 780 (cluster 780) connect at weight=167.0
2025-04-09 19:04:09.327 | DEBUG    | __main__:<module>:20 - Iteration 811: Points 304 (cluster 2810) and 802 (cluster 802) connect at weight=167.0
2025-04-09 19:04:09.327 | DEBUG    | __main__:<module>:20 - Iteration 812: Points 304 (cluster 2811) and 798 (cluster 798) connect at weight=167.0
2025-04-09 19:04:09.328 | DEBUG    | __main__:<module>:20 - Iteration 813: Points 261 (cluster 2812) and 804 (cluster 804) connect at weight=167.0
2025-04-09 19:04:09.328 | DEBUG    | __main__:<module>:20 - Iteration 814: Points 828 (cluster 828) and 825 (cluster 825) connect at weight=166.0
2025-04-09 19:04:09.328 | DEBUG    | __main__:<module>:20 - Iteration 815: Points 805 (cluster 2813) and 820 (cluster 820) connect at weight=166.0
2025-04-09 19:04:09.328 | DEBUG    | __main__:<module>:20 - Iteration 816: Points 787 (cluster 2815) and 824 (cluster 824) connect at weight=166.0
2025-04-09 19:04:09.328 | DEBUG    | __main__:<module>:20 - Iteration 817: Points 762 (cluster 2816) and 799 (cluster 799) connect at weight=166.0
2025-04-09 19:04:09.329 | DEBUG    | __main__:<module>:20 - Iteration 818: Points 759 (cluster 2817) and 828 (cluster 2814) connect at weight=166.0
2025-04-09 19:04:09.329 | DEBUG    | __main__:<module>:20 - Iteration 819: Points 732 (cluster 2818) and 822 (cluster 822) connect at weight=166.0
2025-04-09 19:04:09.329 | DEBUG    | __main__:<module>:20 - Iteration 820: Points 720 (cluster 2819) and 835 (cluster 835) connect at weight=166.0
2025-04-09 19:04:09.329 | DEBUG    | __main__:<module>:20 - Iteration 821: Points 700 (cluster 2820) and 831 (cluster 831) connect at weight=166.0
2025-04-09 19:04:09.329 | DEBUG    | __main__:<module>:20 - Iteration 822: Points 655 (cluster 2821) and 836 (cluster 836) connect at weight=166.0
2025-04-09 19:04:09.330 | DEBUG    | __main__:<module>:20 - Iteration 823: Points 633 (cluster 2822) and 817 (cluster 817) connect at weight=166.0
2025-04-09 19:04:09.330 | DEBUG    | __main__:<module>:20 - Iteration 824: Points 621 (cluster 2823) and 818 (cluster 818) connect at weight=166.0
2025-04-09 19:04:09.331 | DEBUG    | __main__:<module>:20 - Iteration 825: Points 615 (cluster 2824) and 837 (cluster 837) connect at weight=166.0
2025-04-09 19:04:09.331 | DEBUG    | __main__:<module>:20 - Iteration 826: Points 607 (cluster 2825) and 829 (cluster 829) connect at weight=166.0
2025-04-09 19:04:09.331 | DEBUG    | __main__:<module>:20 - Iteration 827: Points 587 (cluster 2826) and 833 (cluster 833) connect at weight=166.0
2025-04-09 19:04:09.331 | DEBUG    | __main__:<module>:20 - Iteration 828: Points 587 (cluster 2827) and 826 (cluster 826) connect at weight=166.0
2025-04-09 19:04:09.331 | DEBUG    | __main__:<module>:20 - Iteration 829: Points 557 (cluster 2828) and 819 (cluster 819) connect at weight=166.0
2025-04-09 19:04:09.331 | DEBUG    | __main__:<module>:20 - Iteration 830: Points 550 (cluster 2829) and 832 (cluster 832) connect at weight=166.0
2025-04-09 19:04:09.332 | DEBUG    | __main__:<module>:20 - Iteration 831: Points 527 (cluster 2830) and 834 (cluster 834) connect at weight=166.0
2025-04-09 19:04:09.332 | DEBUG    | __main__:<module>:20 - Iteration 832: Points 440 (cluster 2831) and 816 (cluster 816) connect at weight=166.0
2025-04-09 19:04:09.332 | DEBUG    | __main__:<module>:20 - Iteration 833: Points 288 (cluster 2832) and 823 (cluster 823) connect at weight=166.0
2025-04-09 19:04:09.332 | DEBUG    | __main__:<module>:20 - Iteration 834: Points 231 (cluster 2833) and 827 (cluster 827) connect at weight=166.0
2025-04-09 19:04:09.332 | DEBUG    | __main__:<module>:20 - Iteration 835: Points 182 (cluster 2834) and 830 (cluster 830) connect at weight=166.0
2025-04-09 19:04:09.333 | DEBUG    | __main__:<module>:20 - Iteration 836: Points 833 (cluster 2835) and 843 (cluster 843) connect at weight=165.0
2025-04-09 19:04:09.333 | DEBUG    | __main__:<module>:20 - Iteration 837: Points 797 (cluster 2836) and 838 (cluster 838) connect at weight=165.0
2025-04-09 19:04:09.333 | DEBUG    | __main__:<module>:20 - Iteration 838: Points 771 (cluster 2837) and 841 (cluster 841) connect at weight=165.0
2025-04-09 19:04:09.333 | DEBUG    | __main__:<module>:20 - Iteration 839: Points 752 (cluster 2838) and 847 (cluster 847) connect at weight=165.0
2025-04-09 19:04:09.333 | DEBUG    | __main__:<module>:20 - Iteration 840: Points 719 (cluster 2839) and 845 (cluster 845) connect at weight=165.0
2025-04-09 19:04:09.334 | DEBUG    | __main__:<module>:20 - Iteration 841: Points 648 (cluster 2840) and 840 (cluster 840) connect at weight=165.0
2025-04-09 19:04:09.334 | DEBUG    | __main__:<module>:20 - Iteration 842: Points 566 (cluster 2841) and 839 (cluster 839) connect at weight=165.0
2025-04-09 19:04:09.334 | DEBUG    | __main__:<module>:20 - Iteration 843: Points 529 (cluster 2842) and 842 (cluster 842) connect at weight=165.0
2025-04-09 19:04:09.334 | DEBUG    | __main__:<module>:20 - Iteration 844: Points 514 (cluster 2843) and 846 (cluster 846) connect at weight=165.0
2025-04-09 19:04:09.334 | DEBUG    | __main__:<module>:20 - Iteration 845: Points 499 (cluster 2844) and 821 (cluster 821) connect at weight=165.0
2025-04-09 19:04:09.335 | DEBUG    | __main__:<module>:20 - Iteration 846: Points 423 (cluster 2845) and 844 (cluster 844) connect at weight=165.0
2025-04-09 19:04:09.335 | DEBUG    | __main__:<module>:20 - Iteration 847: Points 847 (cluster 2846) and 852 (cluster 852) connect at weight=164.0
2025-04-09 19:04:09.335 | DEBUG    | __main__:<module>:20 - Iteration 848: Points 822 (cluster 2847) and 848 (cluster 848) connect at weight=164.0
2025-04-09 19:04:09.335 | DEBUG    | __main__:<module>:20 - Iteration 849: Points 813 (cluster 2848) and 855 (cluster 855) connect at weight=164.0
2025-04-09 19:04:09.335 | DEBUG    | __main__:<module>:20 - Iteration 850: Points 812 (cluster 2849) and 853 (cluster 853) connect at weight=164.0
2025-04-09 19:04:09.335 | DEBUG    | __main__:<module>:20 - Iteration 851: Points 686 (cluster 2850) and 850 (cluster 850) connect at weight=164.0
2025-04-09 19:04:09.336 | DEBUG    | __main__:<module>:20 - Iteration 852: Points 590 (cluster 2851) and 851 (cluster 851) connect at weight=164.0
2025-04-09 19:04:09.336 | DEBUG    | __main__:<module>:20 - Iteration 853: Points 496 (cluster 2852) and 854 (cluster 854) connect at weight=164.0
2025-04-09 19:04:09.336 | DEBUG    | __main__:<module>:20 - Iteration 854: Points 444 (cluster 2853) and 849 (cluster 849) connect at weight=164.0
2025-04-09 19:04:09.336 | DEBUG    | __main__:<module>:20 - Iteration 855: Points 831 (cluster 2854) and 864 (cluster 864) connect at weight=163.0
2025-04-09 19:04:09.336 | DEBUG    | __main__:<module>:20 - Iteration 856: Points 821 (cluster 2855) and 862 (cluster 862) connect at weight=163.0
2025-04-09 19:04:09.337 | DEBUG    | __main__:<module>:20 - Iteration 857: Points 818 (cluster 2856) and 869 (cluster 869) connect at weight=163.0
2025-04-09 19:04:09.337 | DEBUG    | __main__:<module>:20 - Iteration 858: Points 798 (cluster 2857) and 863 (cluster 863) connect at weight=163.0
2025-04-09 19:04:09.337 | DEBUG    | __main__:<module>:20 - Iteration 859: Points 786 (cluster 2858) and 858 (cluster 858) connect at weight=163.0
2025-04-09 19:04:09.337 | DEBUG    | __main__:<module>:20 - Iteration 860: Points 774 (cluster 2859) and 856 (cluster 856) connect at weight=163.0
2025-04-09 19:04:09.337 | DEBUG    | __main__:<module>:20 - Iteration 861: Points 729 (cluster 2860) and 868 (cluster 868) connect at weight=163.0
2025-04-09 19:04:09.338 | DEBUG    | __main__:<module>:20 - Iteration 862: Points 695 (cluster 2861) and 861 (cluster 861) connect at weight=163.0
2025-04-09 19:04:09.338 | DEBUG    | __main__:<module>:20 - Iteration 863: Points 688 (cluster 2862) and 857 (cluster 857) connect at weight=163.0
2025-04-09 19:04:09.338 | DEBUG    | __main__:<module>:20 - Iteration 864: Points 674 (cluster 2863) and 865 (cluster 865) connect at weight=163.0
2025-04-09 19:04:09.345 | DEBUG    | __main__:<module>:20 - Iteration 865: Points 612 (cluster 2864) and 867 (cluster 867) connect at weight=163.0
2025-04-09 19:04:09.346 | DEBUG    | __main__:<module>:20 - Iteration 866: Points 425 (cluster 2865) and 870 (cluster 870) connect at weight=163.0
2025-04-09 19:04:09.346 | DEBUG    | __main__:<module>:20 - Iteration 867: Points 370 (cluster 2866) and 859 (cluster 859) connect at weight=163.0
2025-04-09 19:04:09.346 | DEBUG    | __main__:<module>:20 - Iteration 868: Points 194 (cluster 2867) and 866 (cluster 866) connect at weight=163.0
2025-04-09 19:04:09.346 | DEBUG    | __main__:<module>:20 - Iteration 869: Points 879 (cluster 879) and 860 (cluster 860) connect at weight=162.0
2025-04-09 19:04:09.346 | DEBUG    | __main__:<module>:20 - Iteration 870: Points 851 (cluster 2868) and 879 (cluster 2869) connect at weight=162.0
2025-04-09 19:04:09.347 | DEBUG    | __main__:<module>:20 - Iteration 871: Points 842 (cluster 2870) and 872 (cluster 872) connect at weight=162.0
2025-04-09 19:04:09.347 | DEBUG    | __main__:<module>:20 - Iteration 872: Points 836 (cluster 2871) and 877 (cluster 877) connect at weight=162.0
2025-04-09 19:04:09.347 | DEBUG    | __main__:<module>:20 - Iteration 873: Points 811 (cluster 2872) and 880 (cluster 880) connect at weight=162.0
2025-04-09 19:04:09.347 | DEBUG    | __main__:<module>:20 - Iteration 874: Points 809 (cluster 2873) and 875 (cluster 875) connect at weight=162.0
2025-04-09 19:04:09.347 | DEBUG    | __main__:<module>:20 - Iteration 875: Points 773 (cluster 2874) and 881 (cluster 881) connect at weight=162.0
2025-04-09 19:04:09.348 | DEBUG    | __main__:<module>:20 - Iteration 876: Points 772 (cluster 2875) and 883 (cluster 883) connect at weight=162.0
2025-04-09 19:04:09.348 | DEBUG    | __main__:<module>:20 - Iteration 877: Points 747 (cluster 2876) and 882 (cluster 882) connect at weight=162.0
2025-04-09 19:04:09.348 | DEBUG    | __main__:<module>:20 - Iteration 878: Points 717 (cluster 2877) and 878 (cluster 878) connect at weight=162.0
2025-04-09 19:04:09.348 | DEBUG    | __main__:<module>:20 - Iteration 879: Points 709 (cluster 2878) and 876 (cluster 876) connect at weight=162.0
2025-04-09 19:04:09.348 | DEBUG    | __main__:<module>:20 - Iteration 880: Points 701 (cluster 2879) and 874 (cluster 874) connect at weight=162.0
2025-04-09 19:04:09.349 | DEBUG    | __main__:<module>:20 - Iteration 881: Points 679 (cluster 2880) and 873 (cluster 873) connect at weight=162.0
2025-04-09 19:04:09.349 | DEBUG    | __main__:<module>:20 - Iteration 882: Points 533 (cluster 2881) and 871 (cluster 871) connect at weight=162.0
2025-04-09 19:04:09.350 | DEBUG    | __main__:<module>:20 - Iteration 883: Points 880 (cluster 2882) and 886 (cluster 886) connect at weight=161.0
2025-04-09 19:04:09.350 | DEBUG    | __main__:<module>:20 - Iteration 884: Points 877 (cluster 2883) and 900 (cluster 900) connect at weight=161.0
2025-04-09 19:04:09.350 | DEBUG    | __main__:<module>:20 - Iteration 885: Points 875 (cluster 2884) and 887 (cluster 887) connect at weight=161.0
2025-04-09 19:04:09.350 | DEBUG    | __main__:<module>:20 - Iteration 886: Points 873 (cluster 2885) and 889 (cluster 889) connect at weight=161.0
2025-04-09 19:04:09.351 | DEBUG    | __main__:<module>:20 - Iteration 887: Points 856 (cluster 2886) and 885 (cluster 885) connect at weight=161.0
2025-04-09 19:04:09.351 | DEBUG    | __main__:<module>:20 - Iteration 888: Points 834 (cluster 2887) and 894 (cluster 894) connect at weight=161.0
2025-04-09 19:04:09.351 | DEBUG    | __main__:<module>:20 - Iteration 889: Points 823 (cluster 2888) and 890 (cluster 890) connect at weight=161.0
2025-04-09 19:04:09.351 | DEBUG    | __main__:<module>:20 - Iteration 890: Points 815 (cluster 2889) and 902 (cluster 902) connect at weight=161.0
2025-04-09 19:04:09.351 | DEBUG    | __main__:<module>:20 - Iteration 891: Points 815 (cluster 2890) and 898 (cluster 898) connect at weight=161.0
2025-04-09 19:04:09.352 | DEBUG    | __main__:<module>:20 - Iteration 892: Points 793 (cluster 2891) and 895 (cluster 895) connect at weight=161.0
2025-04-09 19:04:09.352 | DEBUG    | __main__:<module>:20 - Iteration 893: Points 780 (cluster 2892) and 896 (cluster 896) connect at weight=161.0
2025-04-09 19:04:09.352 | DEBUG    | __main__:<module>:20 - Iteration 894: Points 780 (cluster 2893) and 893 (cluster 893) connect at weight=161.0
2025-04-09 19:04:09.352 | DEBUG    | __main__:<module>:20 - Iteration 895: Points 779 (cluster 2894) and 901 (cluster 901) connect at weight=161.0
2025-04-09 19:04:09.352 | DEBUG    | __main__:<module>:20 - Iteration 896: Points 709 (cluster 2895) and 892 (cluster 892) connect at weight=161.0
2025-04-09 19:04:09.353 | DEBUG    | __main__:<module>:20 - Iteration 897: Points 688 (cluster 2896) and 903 (cluster 903) connect at weight=161.0
2025-04-09 19:04:09.353 | DEBUG    | __main__:<module>:20 - Iteration 898: Points 669 (cluster 2897) and 888 (cluster 888) connect at weight=161.0
2025-04-09 19:04:09.354 | DEBUG    | __main__:<module>:20 - Iteration 899: Points 612 (cluster 2898) and 891 (cluster 891) connect at weight=161.0
2025-04-09 19:04:09.354 | DEBUG    | __main__:<module>:20 - Iteration 900: Points 889 (cluster 2899) and 910 (cluster 910) connect at weight=160.0
2025-04-09 19:04:09.354 | DEBUG    | __main__:<module>:20 - Iteration 901: Points 835 (cluster 2900) and 884 (cluster 884) connect at weight=160.0
2025-04-09 19:04:09.354 | DEBUG    | __main__:<module>:20 - Iteration 902: Points 829 (cluster 2901) and 908 (cluster 908) connect at weight=160.0
2025-04-09 19:04:09.355 | DEBUG    | __main__:<module>:20 - Iteration 903: Points 819 (cluster 2902) and 897 (cluster 897) connect at weight=160.0
2025-04-09 19:04:09.355 | DEBUG    | __main__:<module>:20 - Iteration 904: Points 777 (cluster 2903) and 909 (cluster 909) connect at weight=160.0
2025-04-09 19:04:09.355 | DEBUG    | __main__:<module>:20 - Iteration 905: Points 769 (cluster 2904) and 911 (cluster 911) connect at weight=160.0
2025-04-09 19:04:09.355 | DEBUG    | __main__:<module>:20 - Iteration 906: Points 689 (cluster 2905) and 905 (cluster 905) connect at weight=160.0
2025-04-09 19:04:09.355 | DEBUG    | __main__:<module>:20 - Iteration 907: Points 573 (cluster 2906) and 899 (cluster 899) connect at weight=160.0
2025-04-09 19:04:09.356 | DEBUG    | __main__:<module>:20 - Iteration 908: Points 538 (cluster 2907) and 906 (cluster 906) connect at weight=160.0
2025-04-09 19:04:09.356 | DEBUG    | __main__:<module>:20 - Iteration 909: Points 533 (cluster 2908) and 904 (cluster 904) connect at weight=160.0
2025-04-09 19:04:09.356 | DEBUG    | __main__:<module>:20 - Iteration 910: Points 421 (cluster 2909) and 907 (cluster 907) connect at weight=160.0
2025-04-09 19:04:09.357 | DEBUG    | __main__:<module>:20 - Iteration 911: Points 911 (cluster 2910) and 918 (cluster 918) connect at weight=159.0
2025-04-09 19:04:09.357 | DEBUG    | __main__:<module>:20 - Iteration 912: Points 885 (cluster 2911) and 916 (cluster 916) connect at weight=159.0
2025-04-09 19:04:09.357 | DEBUG    | __main__:<module>:20 - Iteration 913: Points 823 (cluster 2912) and 917 (cluster 917) connect at weight=159.0
2025-04-09 19:04:09.357 | DEBUG    | __main__:<module>:20 - Iteration 914: Points 799 (cluster 2913) and 919 (cluster 919) connect at weight=159.0
2025-04-09 19:04:09.357 | DEBUG    | __main__:<module>:20 - Iteration 915: Points 781 (cluster 2914) and 921 (cluster 921) connect at weight=159.0
2025-04-09 19:04:09.358 | DEBUG    | __main__:<module>:20 - Iteration 916: Points 776 (cluster 2915) and 920 (cluster 920) connect at weight=159.0
2025-04-09 19:04:09.358 | DEBUG    | __main__:<module>:20 - Iteration 917: Points 745 (cluster 2916) and 913 (cluster 913) connect at weight=159.0
2025-04-09 19:04:09.358 | DEBUG    | __main__:<module>:20 - Iteration 918: Points 663 (cluster 2917) and 914 (cluster 914) connect at weight=159.0
2025-04-09 19:04:09.358 | DEBUG    | __main__:<module>:20 - Iteration 919: Points 583 (cluster 2918) and 915 (cluster 915) connect at weight=159.0
2025-04-09 19:04:09.359 | DEBUG    | __main__:<module>:20 - Iteration 920: Points 905 (cluster 2919) and 925 (cluster 925) connect at weight=158.0
2025-04-09 19:04:09.359 | DEBUG    | __main__:<module>:20 - Iteration 921: Points 844 (cluster 2920) and 923 (cluster 923) connect at weight=158.0
2025-04-09 19:04:09.359 | DEBUG    | __main__:<module>:20 - Iteration 922: Points 824 (cluster 2921) and 912 (cluster 912) connect at weight=158.0
2025-04-09 19:04:09.359 | DEBUG    | __main__:<module>:20 - Iteration 923: Points 774 (cluster 2922) and 929 (cluster 929) connect at weight=158.0
2025-04-09 19:04:09.359 | DEBUG    | __main__:<module>:20 - Iteration 924: Points 762 (cluster 2923) and 924 (cluster 924) connect at weight=158.0
2025-04-09 19:04:09.360 | DEBUG    | __main__:<module>:20 - Iteration 925: Points 731 (cluster 2924) and 928 (cluster 928) connect at weight=158.0
2025-04-09 19:04:09.360 | DEBUG    | __main__:<module>:20 - Iteration 926: Points 712 (cluster 2925) and 927 (cluster 927) connect at weight=158.0
2025-04-09 19:04:09.360 | DEBUG    | __main__:<module>:20 - Iteration 927: Points 512 (cluster 2926) and 922 (cluster 922) connect at weight=158.0
2025-04-09 19:04:09.361 | DEBUG    | __main__:<module>:20 - Iteration 928: Points 887 (cluster 2927) and 937 (cluster 937) connect at weight=157.0
2025-04-09 19:04:09.361 | DEBUG    | __main__:<module>:20 - Iteration 929: Points 867 (cluster 2928) and 933 (cluster 933) connect at weight=157.0
2025-04-09 19:04:09.361 | DEBUG    | __main__:<module>:20 - Iteration 930: Points 796 (cluster 2929) and 936 (cluster 936) connect at weight=157.0
2025-04-09 19:04:09.361 | DEBUG    | __main__:<module>:20 - Iteration 931: Points 766 (cluster 2930) and 932 (cluster 932) connect at weight=157.0
2025-04-09 19:04:09.362 | DEBUG    | __main__:<module>:20 - Iteration 932: Points 755 (cluster 2931) and 926 (cluster 926) connect at weight=157.0
2025-04-09 19:04:09.362 | DEBUG    | __main__:<module>:20 - Iteration 933: Points 708 (cluster 2932) and 930 (cluster 930) connect at weight=157.0
2025-04-09 19:04:09.362 | DEBUG    | __main__:<module>:20 - Iteration 934: Points 704 (cluster 2933) and 934 (cluster 934) connect at weight=157.0
2025-04-09 19:04:09.363 | DEBUG    | __main__:<module>:20 - Iteration 935: Points 643 (cluster 2934) and 931 (cluster 931) connect at weight=157.0
2025-04-09 19:04:09.363 | DEBUG    | __main__:<module>:20 - Iteration 936: Points 550 (cluster 2935) and 935 (cluster 935) connect at weight=157.0
2025-04-09 19:04:09.363 | DEBUG    | __main__:<module>:20 - Iteration 937: Points 942 (cluster 942) and 941 (cluster 941) connect at weight=156.0
2025-04-09 19:04:09.363 | DEBUG    | __main__:<module>:20 - Iteration 938: Points 922 (cluster 2936) and 940 (cluster 940) connect at weight=156.0
2025-04-09 19:04:09.363 | DEBUG    | __main__:<module>:20 - Iteration 939: Points 920 (cluster 2938) and 946 (cluster 946) connect at weight=156.0
2025-04-09 19:04:09.364 | DEBUG    | __main__:<module>:20 - Iteration 940: Points 910 (cluster 2939) and 942 (cluster 2937) connect at weight=156.0
2025-04-09 19:04:09.364 | DEBUG    | __main__:<module>:20 - Iteration 941: Points 893 (cluster 2940) and 945 (cluster 945) connect at weight=156.0
2025-04-09 19:04:09.364 | DEBUG    | __main__:<module>:20 - Iteration 942: Points 835 (cluster 2941) and 938 (cluster 938) connect at weight=156.0
2025-04-09 19:04:09.364 | DEBUG    | __main__:<module>:20 - Iteration 943: Points 745 (cluster 2942) and 943 (cluster 943) connect at weight=156.0
2025-04-09 19:04:09.365 | DEBUG    | __main__:<module>:20 - Iteration 944: Points 630 (cluster 2943) and 939 (cluster 939) connect at weight=156.0
2025-04-09 19:04:09.365 | DEBUG    | __main__:<module>:20 - Iteration 945: Points 909 (cluster 2944) and 944 (cluster 944) connect at weight=155.0
2025-04-09 19:04:09.365 | DEBUG    | __main__:<module>:20 - Iteration 946: Points 882 (cluster 2945) and 948 (cluster 948) connect at weight=155.0
2025-04-09 19:04:09.365 | DEBUG    | __main__:<module>:20 - Iteration 947: Points 878 (cluster 2946) and 950 (cluster 950) connect at weight=155.0
2025-04-09 19:04:09.365 | DEBUG    | __main__:<module>:20 - Iteration 948: Points 810 (cluster 2947) and 949 (cluster 949) connect at weight=155.0
2025-04-09 19:04:09.366 | DEBUG    | __main__:<module>:20 - Iteration 949: Points 657 (cluster 2948) and 947 (cluster 947) connect at weight=155.0
2025-04-09 19:04:09.366 | DEBUG    | __main__:<module>:20 - Iteration 950: Points 901 (cluster 2949) and 956 (cluster 956) connect at weight=154.0
2025-04-09 19:04:09.366 | DEBUG    | __main__:<module>:20 - Iteration 951: Points 848 (cluster 2950) and 957 (cluster 957) connect at weight=154.0
2025-04-09 19:04:09.366 | DEBUG    | __main__:<module>:20 - Iteration 952: Points 844 (cluster 2951) and 952 (cluster 952) connect at weight=154.0
2025-04-09 19:04:09.366 | DEBUG    | __main__:<module>:20 - Iteration 953: Points 755 (cluster 2952) and 951 (cluster 951) connect at weight=154.0
2025-04-09 19:04:09.367 | DEBUG    | __main__:<module>:20 - Iteration 954: Points 691 (cluster 2953) and 955 (cluster 955) connect at weight=154.0
2025-04-09 19:04:09.367 | DEBUG    | __main__:<module>:20 - Iteration 955: Points 956 (cluster 2954) and 962 (cluster 962) connect at weight=153.0
2025-04-09 19:04:09.367 | DEBUG    | __main__:<module>:20 - Iteration 956: Points 954 (cluster 954) and 953 (cluster 953) connect at weight=153.0
2025-04-09 19:04:09.367 | DEBUG    | __main__:<module>:20 - Iteration 957: Points 894 (cluster 2955) and 954 (cluster 2956) connect at weight=153.0
2025-04-09 19:04:09.367 | DEBUG    | __main__:<module>:20 - Iteration 958: Points 886 (cluster 2957) and 960 (cluster 960) connect at weight=153.0
2025-04-09 19:04:09.368 | DEBUG    | __main__:<module>:20 - Iteration 959: Points 796 (cluster 2958) and 958 (cluster 958) connect at weight=153.0
2025-04-09 19:04:09.368 | DEBUG    | __main__:<module>:20 - Iteration 960: Points 712 (cluster 2959) and 961 (cluster 961) connect at weight=153.0
2025-04-09 19:04:09.369 | DEBUG    | __main__:<module>:20 - Iteration 961: Points 663 (cluster 2960) and 959 (cluster 959) connect at weight=153.0
2025-04-09 19:04:09.369 | DEBUG    | __main__:<module>:20 - Iteration 962: Points 947 (cluster 2961) and 963 (cluster 963) connect at weight=152.0
2025-04-09 19:04:09.369 | DEBUG    | __main__:<module>:20 - Iteration 963: Points 849 (cluster 2962) and 964 (cluster 964) connect at weight=152.0
2025-04-09 19:04:09.369 | DEBUG    | __main__:<module>:20 - Iteration 964: Points 820 (cluster 2963) and 965 (cluster 965) connect at weight=152.0
2025-04-09 19:04:09.369 | DEBUG    | __main__:<module>:20 - Iteration 965: Points 961 (cluster 2964) and 971 (cluster 971) connect at weight=151.0
2025-04-09 19:04:09.370 | DEBUG    | __main__:<module>:20 - Iteration 966: Points 957 (cluster 2965) and 968 (cluster 968) connect at weight=151.0
2025-04-09 19:04:09.370 | DEBUG    | __main__:<module>:20 - Iteration 967: Points 943 (cluster 2966) and 970 (cluster 970) connect at weight=151.0
2025-04-09 19:04:09.370 | DEBUG    | __main__:<module>:20 - Iteration 968: Points 881 (cluster 2967) and 966 (cluster 966) connect at weight=151.0
2025-04-09 19:04:09.370 | DEBUG    | __main__:<module>:20 - Iteration 969: Points 845 (cluster 2968) and 967 (cluster 967) connect at weight=151.0
2025-04-09 19:04:09.370 | DEBUG    | __main__:<module>:20 - Iteration 970: Points 736 (cluster 2969) and 969 (cluster 969) connect at weight=151.0
2025-04-09 19:04:09.371 | DEBUG    | __main__:<module>:20 - Iteration 971: Points 928 (cluster 2970) and 978 (cluster 978) connect at weight=150.0
2025-04-09 19:04:09.371 | DEBUG    | __main__:<module>:20 - Iteration 972: Points 916 (cluster 2971) and 977 (cluster 977) connect at weight=150.0
2025-04-09 19:04:09.371 | DEBUG    | __main__:<module>:20 - Iteration 973: Points 869 (cluster 2972) and 973 (cluster 973) connect at weight=150.0
2025-04-09 19:04:09.372 | DEBUG    | __main__:<module>:20 - Iteration 974: Points 864 (cluster 2973) and 974 (cluster 974) connect at weight=150.0
2025-04-09 19:04:09.372 | DEBUG    | __main__:<module>:20 - Iteration 975: Points 849 (cluster 2974) and 976 (cluster 976) connect at weight=150.0
2025-04-09 19:04:09.372 | DEBUG    | __main__:<module>:20 - Iteration 976: Points 828 (cluster 2975) and 975 (cluster 975) connect at weight=149.0
2025-04-09 19:04:09.372 | DEBUG    | __main__:<module>:20 - Iteration 977: Points 516 (cluster 2976) and 972 (cluster 972) connect at weight=149.0
2025-04-09 19:04:09.372 | DEBUG    | __main__:<module>:20 - Iteration 978: Points 908 (cluster 2977) and 979 (cluster 979) connect at weight=148.0
2025-04-09 19:04:09.373 | DEBUG    | __main__:<module>:20 - Iteration 979: Points 916 (cluster 2978) and 982 (cluster 982) connect at weight=147.0
2025-04-09 19:04:09.373 | DEBUG    | __main__:<module>:20 - Iteration 980: Points 830 (cluster 2979) and 980 (cluster 980) connect at weight=147.0
2025-04-09 19:04:09.373 | DEBUG    | __main__:<module>:20 - Iteration 981: Points 590 (cluster 2980) and 981 (cluster 981) connect at weight=147.0
2025-04-09 19:04:09.373 | DEBUG    | __main__:<module>:20 - Iteration 982: Points 967 (cluster 2981) and 983 (cluster 983) connect at weight=146.0
2025-04-09 19:04:09.373 | DEBUG    | __main__:<module>:20 - Iteration 983: Points 955 (cluster 2982) and 984 (cluster 984) connect at weight=146.0
2025-04-09 19:04:09.374 | DEBUG    | __main__:<module>:20 - Iteration 984: Points 939 (cluster 2983) and 985 (cluster 985) connect at weight=146.0
2025-04-09 19:04:09.374 | DEBUG    | __main__:<module>:20 - Iteration 985: Points 910 (cluster 2984) and 988 (cluster 988) connect at weight=146.0
2025-04-09 19:04:09.374 | DEBUG    | __main__:<module>:20 - Iteration 986: Points 904 (cluster 2985) and 987 (cluster 987) connect at weight=146.0
2025-04-09 19:04:09.374 | DEBUG    | __main__:<module>:20 - Iteration 987: Points 611 (cluster 2986) and 986 (cluster 986) connect at weight=146.0
2025-04-09 19:04:09.374 | DEBUG    | __main__:<module>:20 - Iteration 988: Points 830 (cluster 2987) and 989 (cluster 989) connect at weight=145.0
2025-04-09 19:04:09.375 | DEBUG    | __main__:<module>:20 - Iteration 989: Points 929 (cluster 2988) and 991 (cluster 991) connect at weight=144.0
2025-04-09 19:04:09.375 | DEBUG    | __main__:<module>:20 - Iteration 990: Points 883 (cluster 2989) and 990 (cluster 990) connect at weight=144.0
2025-04-09 19:04:09.375 | DEBUG    | __main__:<module>:20 - Iteration 991: Points 912 (cluster 2990) and 993 (cluster 993) connect at weight=142.0
2025-04-09 19:04:09.375 | DEBUG    | __main__:<module>:20 - Iteration 992: Points 934 (cluster 2991) and 992 (cluster 992) connect at weight=141.0
2025-04-09 19:04:09.376 | DEBUG    | __main__:<module>:20 - Iteration 993: Points 710 (cluster 2992) and 994 (cluster 994) connect at weight=141.0
2025-04-09 19:04:09.376 | DEBUG    | __main__:<module>:20 - Iteration 994: Points 950 (cluster 2993) and 995 (cluster 995) connect at weight=140.0
2025-04-09 19:04:09.376 | DEBUG    | __main__:<module>:20 - Iteration 995: Points 785 (cluster 2994) and 996 (cluster 996) connect at weight=135.0
2025-04-09 19:04:09.376 | DEBUG    | __main__:<module>:20 - Iteration 996: Points 968 (cluster 2995) and 997 (cluster 997) connect at weight=134.0
2025-04-09 19:04:09.376 | DEBUG    | __main__:<module>:20 - Iteration 997: Points 977 (cluster 2996) and 998 (cluster 998) connect at weight=127.0
2025-04-09 19:04:09.376 | DEBUG    | __main__:<module>:20 - Iteration 998: Points 865 (cluster 2997) and 999 (cluster 999) connect at weight=127.0
2025-04-09 19:04:09.377 | DEBUG    | __main__:<module>:20 - Iteration 999: Points 1007 (cluster 1007) and 1000 (cluster 1000) connect at weight=95.0
2025-04-09 19:04:09.377 | DEBUG    | __main__:<module>:20 - Iteration 1000: Points 1001 (cluster 1001) and 1002 (cluster 1002) connect at weight=95.0
2025-04-09 19:04:09.377 | DEBUG    | __main__:<module>:20 - Iteration 1001: Points 1000 (cluster 2999) and 1005 (cluster 1005) connect at weight=95.0
2025-04-09 19:04:09.377 | DEBUG    | __main__:<module>:20 - Iteration 1002: Points 1002 (cluster 3000) and 1010 (cluster 1010) connect at weight=94.0
2025-04-09 19:04:09.377 | DEBUG    | __main__:<module>:20 - Iteration 1003: Points 1039 (cluster 1039) and 1016 (cluster 1016) connect at weight=93.0
2025-04-09 19:04:09.379 | DEBUG    | __main__:<module>:20 - Iteration 1004: Points 1037 (cluster 1037) and 1035 (cluster 1035) connect at weight=93.0
2025-04-09 19:04:09.379 | DEBUG    | __main__:<module>:20 - Iteration 1005: Points 1026 (cluster 1026) and 1006 (cluster 1006) connect at weight=93.0
2025-04-09 19:04:09.379 | DEBUG    | __main__:<module>:20 - Iteration 1006: Points 1022 (cluster 1022) and 1020 (cluster 1020) connect at weight=93.0
2025-04-09 19:04:09.380 | DEBUG    | __main__:<module>:20 - Iteration 1007: Points 1013 (cluster 1013) and 1008 (cluster 1008) connect at weight=93.0
2025-04-09 19:04:09.380 | DEBUG    | __main__:<module>:20 - Iteration 1008: Points 1006 (cluster 3005) and 1023 (cluster 1023) connect at weight=93.0
2025-04-09 19:04:09.380 | DEBUG    | __main__:<module>:20 - Iteration 1009: Points 1004 (cluster 1004) and 1041 (cluster 1041) connect at weight=93.0
2025-04-09 19:04:09.380 | DEBUG    | __main__:<module>:20 - Iteration 1010: Points 1004 (cluster 3009) and 1015 (cluster 1015) connect at weight=93.0
2025-04-09 19:04:09.380 | DEBUG    | __main__:<module>:20 - Iteration 1011: Points 1093 (cluster 1093) and 1007 (cluster 3001) connect at weight=92.0
2025-04-09 19:04:09.381 | DEBUG    | __main__:<module>:20 - Iteration 1012: Points 1091 (cluster 1091) and 1087 (cluster 1087) connect at weight=92.0
2025-04-09 19:04:09.381 | DEBUG    | __main__:<module>:20 - Iteration 1013: Points 1089 (cluster 1089) and 1052 (cluster 1052) connect at weight=92.0
2025-04-09 19:04:09.381 | DEBUG    | __main__:<module>:20 - Iteration 1014: Points 1088 (cluster 1088) and 1057 (cluster 1057) connect at weight=92.0
2025-04-09 19:04:09.381 | DEBUG    | __main__:<module>:20 - Iteration 1015: Points 1083 (cluster 1083) and 1078 (cluster 1078) connect at weight=92.0
2025-04-09 19:04:09.381 | DEBUG    | __main__:<module>:20 - Iteration 1016: Points 1082 (cluster 1082) and 1026 (cluster 3008) connect at weight=92.0
2025-04-09 19:04:09.381 | DEBUG    | __main__:<module>:20 - Iteration 1017: Points 1077 (cluster 1077) and 1033 (cluster 1033) connect at weight=92.0
2025-04-09 19:04:09.382 | DEBUG    | __main__:<module>:20 - Iteration 1018: Points 1074 (cluster 1074) and 1058 (cluster 1058) connect at weight=92.0
2025-04-09 19:04:09.382 | DEBUG    | __main__:<module>:20 - Iteration 1019: Points 1074 (cluster 3018) and 1050 (cluster 1050) connect at weight=92.0
2025-04-09 19:04:09.382 | DEBUG    | __main__:<module>:20 - Iteration 1020: Points 1074 (cluster 3019) and 1030 (cluster 1030) connect at weight=92.0
2025-04-09 19:04:09.382 | DEBUG    | __main__:<module>:20 - Iteration 1021: Points 1069 (cluster 1069) and 1067 (cluster 1067) connect at weight=92.0
2025-04-09 19:04:09.383 | DEBUG    | __main__:<module>:20 - Iteration 1022: Points 1063 (cluster 1063) and 1029 (cluster 1029) connect at weight=92.0
2025-04-09 19:04:09.384 | DEBUG    | __main__:<module>:20 - Iteration 1023: Points 1059 (cluster 1059) and 1055 (cluster 1055) connect at weight=92.0
2025-04-09 19:04:09.384 | DEBUG    | __main__:<module>:20 - Iteration 1024: Points 1054 (cluster 1054) and 1004 (cluster 3010) connect at weight=92.0
2025-04-09 19:04:09.384 | DEBUG    | __main__:<module>:20 - Iteration 1025: Points 1036 (cluster 1036) and 1040 (cluster 1040) connect at weight=92.0
2025-04-09 19:04:09.384 | DEBUG    | __main__:<module>:20 - Iteration 1026: Points 1034 (cluster 1034) and 1054 (cluster 3024) connect at weight=92.0
2025-04-09 19:04:09.384 | DEBUG    | __main__:<module>:20 - Iteration 1027: Points 1032 (cluster 1032) and 1025 (cluster 1025) connect at weight=92.0
2025-04-09 19:04:09.384 | DEBUG    | __main__:<module>:20 - Iteration 1028: Points 1031 (cluster 1031) and 1093 (cluster 3011) connect at weight=92.0
2025-04-09 19:04:09.385 | DEBUG    | __main__:<module>:20 - Iteration 1029: Points 1026 (cluster 3016) and 1049 (cluster 1049) connect at weight=92.0
2025-04-09 19:04:09.385 | DEBUG    | __main__:<module>:20 - Iteration 1030: Points 1022 (cluster 3006) and 1089 (cluster 3013) connect at weight=92.0
2025-04-09 19:04:09.385 | DEBUG    | __main__:<module>:20 - Iteration 1031: Points 1019 (cluster 1019) and 1071 (cluster 1071) connect at weight=92.0
2025-04-09 19:04:09.385 | DEBUG    | __main__:<module>:20 - Iteration 1032: Points 1016 (cluster 3003) and 1031 (cluster 3028) connect at weight=92.0
2025-04-09 19:04:09.385 | DEBUG    | __main__:<module>:20 - Iteration 1033: Points 1015 (cluster 3026) and 1001 (cluster 3002) connect at weight=92.0
2025-04-09 19:04:09.386 | DEBUG    | __main__:<module>:20 - Iteration 1034: Points 1012 (cluster 1012) and 1061 (cluster 1061) connect at weight=92.0
2025-04-09 19:04:09.386 | DEBUG    | __main__:<module>:20 - Iteration 1035: Points 1010 (cluster 3033) and 1064 (cluster 1064) connect at weight=92.0
2025-04-09 19:04:09.386 | DEBUG    | __main__:<module>:20 - Iteration 1036: Points 1009 (cluster 1009) and 1066 (cluster 1066) connect at weight=92.0
2025-04-09 19:04:09.386 | DEBUG    | __main__:<module>:20 - Iteration 1037: Points 1140 (cluster 1140) and 1133 (cluster 1133) connect at weight=91.0
2025-04-09 19:04:09.386 | DEBUG    | __main__:<module>:20 - Iteration 1038: Points 1134 (cluster 1134) and 1077 (cluster 3017) connect at weight=91.0
2025-04-09 19:04:09.387 | DEBUG    | __main__:<module>:20 - Iteration 1039: Points 1130 (cluster 1130) and 1121 (cluster 1121) connect at weight=91.0
2025-04-09 19:04:09.387 | DEBUG    | __main__:<module>:20 - Iteration 1040: Points 1130 (cluster 3039) and 1097 (cluster 1097) connect at weight=91.0
2025-04-09 19:04:09.387 | DEBUG    | __main__:<module>:20 - Iteration 1041: Points 1127 (cluster 1127) and 1079 (cluster 1079) connect at weight=91.0
2025-04-09 19:04:09.387 | DEBUG    | __main__:<module>:20 - Iteration 1042: Points 1124 (cluster 1124) and 1060 (cluster 1060) connect at weight=91.0
2025-04-09 19:04:09.387 | DEBUG    | __main__:<module>:20 - Iteration 1043: Points 1107 (cluster 1107) and 1096 (cluster 1096) connect at weight=91.0
2025-04-09 19:04:09.387 | DEBUG    | __main__:<module>:20 - Iteration 1044: Points 1091 (cluster 3012) and 1045 (cluster 1045) connect at weight=91.0
2025-04-09 19:04:09.388 | DEBUG    | __main__:<module>:20 - Iteration 1045: Points 1089 (cluster 3030) and 1113 (cluster 1113) connect at weight=91.0
2025-04-09 19:04:09.388 | DEBUG    | __main__:<module>:20 - Iteration 1046: Points 1081 (cluster 1081) and 1080 (cluster 1080) connect at weight=91.0
2025-04-09 19:04:09.388 | DEBUG    | __main__:<module>:20 - Iteration 1047: Points 1080 (cluster 3046) and 1129 (cluster 1129) connect at weight=91.0
2025-04-09 19:04:09.388 | DEBUG    | __main__:<module>:20 - Iteration 1048: Points 1076 (cluster 1076) and 1021 (cluster 1021) connect at weight=91.0
2025-04-09 19:04:09.390 | DEBUG    | __main__:<module>:20 - Iteration 1049: Points 1070 (cluster 1070) and 1003 (cluster 1003) connect at weight=91.0
2025-04-09 19:04:09.390 | DEBUG    | __main__:<module>:20 - Iteration 1050: Points 1066 (cluster 3036) and 1136 (cluster 1136) connect at weight=91.0
2025-04-09 19:04:09.390 | DEBUG    | __main__:<module>:20 - Iteration 1051: Points 1061 (cluster 3034) and 1141 (cluster 1141) connect at weight=91.0
2025-04-09 19:04:09.391 | DEBUG    | __main__:<module>:20 - Iteration 1052: Points 1056 (cluster 1056) and 1074 (cluster 3020) connect at weight=91.0
2025-04-09 19:04:09.391 | DEBUG    | __main__:<module>:20 - Iteration 1053: Points 1053 (cluster 1053) and 1132 (cluster 1132) connect at weight=91.0
2025-04-09 19:04:09.391 | DEBUG    | __main__:<module>:20 - Iteration 1054: Points 1047 (cluster 1047) and 1037 (cluster 3004) connect at weight=91.0
2025-04-09 19:04:09.391 | DEBUG    | __main__:<module>:20 - Iteration 1055: Points 1045 (cluster 3044) and 1115 (cluster 1115) connect at weight=91.0
2025-04-09 19:04:09.391 | DEBUG    | __main__:<module>:20 - Iteration 1056: Points 1044 (cluster 1044) and 1014 (cluster 1014) connect at weight=91.0
2025-04-09 19:04:09.391 | DEBUG    | __main__:<module>:20 - Iteration 1057: Points 1033 (cluster 3038) and 1139 (cluster 1139) connect at weight=91.0
2025-04-09 19:04:09.392 | DEBUG    | __main__:<module>:20 - Iteration 1058: Points 1028 (cluster 1028) and 1114 (cluster 1114) connect at weight=91.0
2025-04-09 19:04:09.392 | DEBUG    | __main__:<module>:20 - Iteration 1059: Points 1028 (cluster 3058) and 1083 (cluster 3015) connect at weight=91.0
2025-04-09 19:04:09.392 | DEBUG    | __main__:<module>:20 - Iteration 1060: Points 1023 (cluster 3029) and 1024 (cluster 1024) connect at weight=91.0
2025-04-09 19:04:09.392 | DEBUG    | __main__:<module>:20 - Iteration 1061: Points 1019 (cluster 3031) and 1085 (cluster 1085) connect at weight=91.0
2025-04-09 19:04:09.392 | DEBUG    | __main__:<module>:20 - Iteration 1062: Points 1018 (cluster 1018) and 1017 (cluster 1017) connect at weight=91.0
2025-04-09 19:04:09.393 | DEBUG    | __main__:<module>:20 - Iteration 1063: Points 1017 (cluster 3062) and 1095 (cluster 1095) connect at weight=91.0
2025-04-09 19:04:09.393 | DEBUG    | __main__:<module>:20 - Iteration 1064: Points 1005 (cluster 3032) and 1069 (cluster 3021) connect at weight=91.0
2025-04-09 19:04:09.393 | DEBUG    | __main__:<module>:20 - Iteration 1065: Points 1228 (cluster 1228) and 1190 (cluster 1190) connect at weight=90.0
2025-04-09 19:04:09.393 | DEBUG    | __main__:<module>:20 - Iteration 1066: Points 1216 (cluster 1216) and 1175 (cluster 1175) connect at weight=90.0
2025-04-09 19:04:09.393 | DEBUG    | __main__:<module>:20 - Iteration 1067: Points 1213 (cluster 1213) and 1142 (cluster 1142) connect at weight=90.0
2025-04-09 19:04:09.394 | DEBUG    | __main__:<module>:20 - Iteration 1068: Points 1210 (cluster 1210) and 1084 (cluster 1084) connect at weight=90.0
2025-04-09 19:04:09.394 | DEBUG    | __main__:<module>:20 - Iteration 1069: Points 1209 (cluster 1209) and 1206 (cluster 1206) connect at weight=90.0
2025-04-09 19:04:09.394 | DEBUG    | __main__:<module>:20 - Iteration 1070: Points 1205 (cluster 1205) and 1116 (cluster 1116) connect at weight=90.0
2025-04-09 19:04:09.394 | DEBUG    | __main__:<module>:20 - Iteration 1071: Points 1201 (cluster 1201) and 1163 (cluster 1163) connect at weight=90.0
2025-04-09 19:04:09.394 | DEBUG    | __main__:<module>:20 - Iteration 1072: Points 1200 (cluster 1200) and 1192 (cluster 1192) connect at weight=90.0
2025-04-09 19:04:09.394 | DEBUG    | __main__:<module>:20 - Iteration 1073: Points 1196 (cluster 1196) and 1162 (cluster 1162) connect at weight=90.0
2025-04-09 19:04:09.395 | DEBUG    | __main__:<module>:20 - Iteration 1074: Points 1194 (cluster 1194) and 1191 (cluster 1191) connect at weight=90.0
2025-04-09 19:04:09.395 | DEBUG    | __main__:<module>:20 - Iteration 1075: Points 1193 (cluster 1193) and 1149 (cluster 1149) connect at weight=90.0
2025-04-09 19:04:09.395 | DEBUG    | __main__:<module>:20 - Iteration 1076: Points 1188 (cluster 1188) and 1106 (cluster 1106) connect at weight=90.0
2025-04-09 19:04:09.395 | DEBUG    | __main__:<module>:20 - Iteration 1077: Points 1181 (cluster 1181) and 1124 (cluster 3042) connect at weight=90.0
2025-04-09 19:04:09.395 | DEBUG    | __main__:<module>:20 - Iteration 1078: Points 1172 (cluster 1172) and 1123 (cluster 1123) connect at weight=90.0
2025-04-09 19:04:09.396 | DEBUG    | __main__:<module>:20 - Iteration 1079: Points 1171 (cluster 1171) and 1167 (cluster 1167) connect at weight=90.0
2025-04-09 19:04:09.396 | DEBUG    | __main__:<module>:20 - Iteration 1080: Points 1159 (cluster 1159) and 1053 (cluster 3053) connect at weight=90.0
2025-04-09 19:04:09.396 | DEBUG    | __main__:<module>:20 - Iteration 1081: Points 1155 (cluster 1155) and 1059 (cluster 3023) connect at weight=90.0
2025-04-09 19:04:09.396 | DEBUG    | __main__:<module>:20 - Iteration 1082: Points 1153 (cluster 1153) and 1137 (cluster 1137) connect at weight=90.0
2025-04-09 19:04:09.396 | DEBUG    | __main__:<module>:20 - Iteration 1083: Points 1143 (cluster 1143) and 1103 (cluster 1103) connect at weight=90.0
2025-04-09 19:04:09.396 | DEBUG    | __main__:<module>:20 - Iteration 1084: Points 1139 (cluster 3057) and 1208 (cluster 1208) connect at weight=90.0
2025-04-09 19:04:09.397 | DEBUG    | __main__:<module>:20 - Iteration 1085: Points 1138 (cluster 1138) and 1117 (cluster 1117) connect at weight=90.0
2025-04-09 19:04:09.397 | DEBUG    | __main__:<module>:20 - Iteration 1086: Points 1135 (cluster 1135) and 1197 (cluster 1197) connect at weight=90.0
2025-04-09 19:04:09.397 | DEBUG    | __main__:<module>:20 - Iteration 1087: Points 1132 (cluster 3080) and 1176 (cluster 1176) connect at weight=90.0
2025-04-09 19:04:09.397 | DEBUG    | __main__:<module>:20 - Iteration 1088: Points 1129 (cluster 3047) and 1228 (cluster 3065) connect at weight=90.0
2025-04-09 19:04:09.397 | DEBUG    | __main__:<module>:20 - Iteration 1089: Points 1126 (cluster 1126) and 1181 (cluster 3077) connect at weight=90.0
2025-04-09 19:04:09.398 | DEBUG    | __main__:<module>:20 - Iteration 1090: Points 1125 (cluster 1125) and 1194 (cluster 3074) connect at weight=90.0
2025-04-09 19:04:09.400 | DEBUG    | __main__:<module>:20 - Iteration 1091: Points 1120 (cluster 1120) and 1108 (cluster 1108) connect at weight=90.0
2025-04-09 19:04:09.400 | DEBUG    | __main__:<module>:20 - Iteration 1092: Points 1119 (cluster 1119) and 1183 (cluster 1183) connect at weight=90.0
2025-04-09 19:04:09.400 | DEBUG    | __main__:<module>:20 - Iteration 1093: Points 1119 (cluster 3092) and 1027 (cluster 1027) connect at weight=90.0
2025-04-09 19:04:09.400 | DEBUG    | __main__:<module>:20 - Iteration 1094: Points 1118 (cluster 1118) and 1186 (cluster 1186) connect at weight=90.0
2025-04-09 19:04:09.401 | DEBUG    | __main__:<module>:20 - Iteration 1095: Points 1110 (cluster 1110) and 1063 (cluster 3022) connect at weight=90.0
2025-04-09 19:04:09.401 | DEBUG    | __main__:<module>:20 - Iteration 1096: Points 1109 (cluster 1109) and 1152 (cluster 1152) connect at weight=90.0
2025-04-09 19:04:09.401 | DEBUG    | __main__:<module>:20 - Iteration 1097: Points 1109 (cluster 3096) and 1082 (cluster 3060) connect at weight=90.0
2025-04-09 19:04:09.401 | DEBUG    | __main__:<module>:20 - Iteration 1098: Points 1107 (cluster 3043) and 1119 (cluster 3093) connect at weight=90.0
2025-04-09 19:04:09.401 | DEBUG    | __main__:<module>:20 - Iteration 1099: Points 1106 (cluster 3076) and 1169 (cluster 1169) connect at weight=90.0
2025-04-09 19:04:09.402 | DEBUG    | __main__:<module>:20 - Iteration 1100: Points 1104 (cluster 1104) and 1039 (cluster 3064) connect at weight=90.0
2025-04-09 19:04:09.402 | DEBUG    | __main__:<module>:20 - Iteration 1101: Points 1092 (cluster 1092) and 1102 (cluster 1102) connect at weight=90.0
2025-04-09 19:04:09.402 | DEBUG    | __main__:<module>:20 - Iteration 1102: Points 1089 (cluster 3045) and 1112 (cluster 1112) connect at weight=90.0
2025-04-09 19:04:09.402 | DEBUG    | __main__:<module>:20 - Iteration 1103: Points 1085 (cluster 3061) and 1088 (cluster 3014) connect at weight=90.0
2025-04-09 19:04:09.402 | DEBUG    | __main__:<module>:20 - Iteration 1104: Points 1084 (cluster 3068) and 1090 (cluster 1090) connect at weight=90.0
2025-04-09 19:04:09.403 | DEBUG    | __main__:<module>:20 - Iteration 1105: Points 1075 (cluster 1075) and 1188 (cluster 3099) connect at weight=90.0
2025-04-09 19:04:09.403 | DEBUG    | __main__:<module>:20 - Iteration 1106: Points 1069 (cluster 3100) and 1072 (cluster 1072) connect at weight=90.0
2025-04-09 19:04:09.403 | DEBUG    | __main__:<module>:20 - Iteration 1107: Points 1068 (cluster 1068) and 1193 (cluster 3075) connect at weight=90.0
2025-04-09 19:04:09.403 | DEBUG    | __main__:<module>:20 - Iteration 1108: Points 1060 (cluster 3089) and 1094 (cluster 1094) connect at weight=90.0
2025-04-09 19:04:09.403 | DEBUG    | __main__:<module>:20 - Iteration 1109: Points 1056 (cluster 3052) and 1223 (cluster 1223) connect at weight=90.0
2025-04-09 19:04:09.403 | DEBUG    | __main__:<module>:20 - Iteration 1110: Points 1048 (cluster 1048) and 1151 (cluster 1151) connect at weight=90.0
2025-04-09 19:04:09.404 | DEBUG    | __main__:<module>:20 - Iteration 1111: Points 1046 (cluster 1046) and 1107 (cluster 3098) connect at weight=90.0
2025-04-09 19:04:09.404 | DEBUG    | __main__:<module>:20 - Iteration 1112: Points 1043 (cluster 1043) and 1225 (cluster 1225) connect at weight=90.0
2025-04-09 19:04:09.404 | DEBUG    | __main__:<module>:20 - Iteration 1113: Points 1042 (cluster 1042) and 1140 (cluster 3037) connect at weight=90.0
2025-04-09 19:04:09.404 | DEBUG    | __main__:<module>:20 - Iteration 1114: Points 1027 (cluster 3111) and 1145 (cluster 1145) connect at weight=90.0
2025-04-09 19:04:09.404 | DEBUG    | __main__:<module>:20 - Iteration 1115: Points 1024 (cluster 3097) and 1042 (cluster 3113) connect at weight=90.0
2025-04-09 19:04:09.405 | DEBUG    | __main__:<module>:20 - Iteration 1116: Points 1021 (cluster 3048) and 1150 (cluster 1150) connect at weight=90.0
2025-04-09 19:04:09.405 | DEBUG    | __main__:<module>:20 - Iteration 1117: Points 1017 (cluster 3063) and 1075 (cluster 3105) connect at weight=90.0
2025-04-09 19:04:09.405 | DEBUG    | __main__:<module>:20 - Iteration 1118: Points 1014 (cluster 3056) and 1227 (cluster 1227) connect at weight=90.0
2025-04-09 19:04:09.405 | DEBUG    | __main__:<module>:20 - Iteration 1119: Points 1013 (cluster 3007) and 1009 (cluster 3050) connect at weight=90.0
2025-04-09 19:04:09.405 | DEBUG    | __main__:<module>:20 - Iteration 1120: Points 1011 (cluster 1011) and 1081 (cluster 3088) connect at weight=90.0
2025-04-09 19:04:09.405 | DEBUG    | __main__:<module>:20 - Iteration 1121: Points 1333 (cluster 1333) and 1166 (cluster 1166) connect at weight=89.0
2025-04-09 19:04:09.406 | DEBUG    | __main__:<module>:20 - Iteration 1122: Points 1331 (cluster 1331) and 1247 (cluster 1247) connect at weight=89.0
2025-04-09 19:04:09.406 | DEBUG    | __main__:<module>:20 - Iteration 1123: Points 1329 (cluster 1329) and 1289 (cluster 1289) connect at weight=89.0
2025-04-09 19:04:09.406 | DEBUG    | __main__:<module>:20 - Iteration 1124: Points 1328 (cluster 1328) and 1046 (cluster 3114) connect at weight=89.0
2025-04-09 19:04:09.406 | DEBUG    | __main__:<module>:20 - Iteration 1125: Points 1327 (cluster 1327) and 1165 (cluster 1165) connect at weight=89.0
2025-04-09 19:04:09.406 | DEBUG    | __main__:<module>:20 - Iteration 1126: Points 1319 (cluster 1319) and 1311 (cluster 1311) connect at weight=89.0
2025-04-09 19:04:09.407 | DEBUG    | __main__:<module>:20 - Iteration 1127: Points 1312 (cluster 1312) and 1047 (cluster 3054) connect at weight=89.0
2025-04-09 19:04:09.407 | DEBUG    | __main__:<module>:20 - Iteration 1128: Points 1309 (cluster 1309) and 1264 (cluster 1264) connect at weight=89.0
2025-04-09 19:04:09.407 | DEBUG    | __main__:<module>:20 - Iteration 1129: Points 1309 (cluster 3128) and 1235 (cluster 1235) connect at weight=89.0
2025-04-09 19:04:09.409 | DEBUG    | __main__:<module>:20 - Iteration 1130: Points 1299 (cluster 1299) and 1292 (cluster 1292) connect at weight=89.0
2025-04-09 19:04:09.409 | DEBUG    | __main__:<module>:20 - Iteration 1131: Points 1299 (cluster 3130) and 1127 (cluster 3041) connect at weight=89.0
2025-04-09 19:04:09.410 | DEBUG    | __main__:<module>:20 - Iteration 1132: Points 1295 (cluster 1295) and 1187 (cluster 1187) connect at weight=89.0
2025-04-09 19:04:09.410 | DEBUG    | __main__:<module>:20 - Iteration 1133: Points 1294 (cluster 1294) and 1269 (cluster 1269) connect at weight=89.0
2025-04-09 19:04:09.410 | DEBUG    | __main__:<module>:20 - Iteration 1134: Points 1293 (cluster 1293) and 1233 (cluster 1233) connect at weight=89.0
2025-04-09 19:04:09.410 | DEBUG    | __main__:<module>:20 - Iteration 1135: Points 1290 (cluster 1290) and 1284 (cluster 1284) connect at weight=89.0
2025-04-09 19:04:09.411 | DEBUG    | __main__:<module>:20 - Iteration 1136: Points 1287 (cluster 1287) and 1236 (cluster 1236) connect at weight=89.0
2025-04-09 19:04:09.411 | DEBUG    | __main__:<module>:20 - Iteration 1137: Points 1287 (cluster 3136) and 1209 (cluster 3069) connect at weight=89.0
2025-04-09 19:04:09.411 | DEBUG    | __main__:<module>:20 - Iteration 1138: Points 1285 (cluster 1285) and 1255 (cluster 1255) connect at weight=89.0
2025-04-09 19:04:09.411 | DEBUG    | __main__:<module>:20 - Iteration 1139: Points 1283 (cluster 1283) and 1234 (cluster 1234) connect at weight=89.0
2025-04-09 19:04:09.411 | DEBUG    | __main__:<module>:20 - Iteration 1140: Points 1283 (cluster 3139) and 1204 (cluster 1204) connect at weight=89.0
2025-04-09 19:04:09.411 | DEBUG    | __main__:<module>:20 - Iteration 1141: Points 1282 (cluster 1282) and 1232 (cluster 1232) connect at weight=89.0
2025-04-09 19:04:09.412 | DEBUG    | __main__:<module>:20 - Iteration 1142: Points 1277 (cluster 1277) and 1272 (cluster 1272) connect at weight=89.0
2025-04-09 19:04:09.412 | DEBUG    | __main__:<module>:20 - Iteration 1143: Points 1277 (cluster 3142) and 1118 (cluster 3094) connect at weight=89.0
2025-04-09 19:04:09.412 | DEBUG    | __main__:<module>:20 - Iteration 1144: Points 1265 (cluster 1265) and 1092 (cluster 3101) connect at weight=89.0
2025-04-09 19:04:09.412 | DEBUG    | __main__:<module>:20 - Iteration 1145: Points 1263 (cluster 1263) and 1135 (cluster 3086) connect at weight=89.0
2025-04-09 19:04:09.412 | DEBUG    | __main__:<module>:20 - Iteration 1146: Points 1256 (cluster 1256) and 1231 (cluster 1231) connect at weight=89.0
2025-04-09 19:04:09.413 | DEBUG    | __main__:<module>:20 - Iteration 1147: Points 1252 (cluster 1252) and 1246 (cluster 1246) connect at weight=89.0
2025-04-09 19:04:09.413 | DEBUG    | __main__:<module>:20 - Iteration 1148: Points 1241 (cluster 1241) and 1164 (cluster 1164) connect at weight=89.0
2025-04-09 19:04:09.413 | DEBUG    | __main__:<module>:20 - Iteration 1149: Points 1226 (cluster 1226) and 1249 (cluster 1249) connect at weight=89.0
2025-04-09 19:04:09.413 | DEBUG    | __main__:<module>:20 - Iteration 1150: Points 1224 (cluster 1224) and 1216 (cluster 3066) connect at weight=89.0
2025-04-09 19:04:09.413 | DEBUG    | __main__:<module>:20 - Iteration 1151: Points 1222 (cluster 1222) and 1273 (cluster 1273) connect at weight=89.0
2025-04-09 19:04:09.414 | DEBUG    | __main__:<module>:20 - Iteration 1152: Points 1218 (cluster 1218) and 1198 (cluster 1198) connect at weight=89.0
2025-04-09 19:04:09.414 | DEBUG    | __main__:<module>:20 - Iteration 1153: Points 1217 (cluster 1217) and 1303 (cluster 1303) connect at weight=89.0
2025-04-09 19:04:09.414 | DEBUG    | __main__:<module>:20 - Iteration 1154: Points 1217 (cluster 3153) and 1294 (cluster 3133) connect at weight=89.0
2025-04-09 19:04:09.414 | DEBUG    | __main__:<module>:20 - Iteration 1155: Points 1213 (cluster 3067) and 1182 (cluster 1182) connect at weight=89.0
2025-04-09 19:04:09.414 | DEBUG    | __main__:<module>:20 - Iteration 1156: Points 1212 (cluster 1212) and 1317 (cluster 1317) connect at weight=89.0
2025-04-09 19:04:09.414 | DEBUG    | __main__:<module>:20 - Iteration 1157: Points 1207 (cluster 1207) and 1196 (cluster 3073) connect at weight=89.0
2025-04-09 19:04:09.415 | DEBUG    | __main__:<module>:20 - Iteration 1158: Points 1204 (cluster 3140) and 1240 (cluster 1240) connect at weight=89.0
2025-04-09 19:04:09.415 | DEBUG    | __main__:<module>:20 - Iteration 1159: Points 1204 (cluster 3158) and 1156 (cluster 1156) connect at weight=89.0
2025-04-09 19:04:09.415 | DEBUG    | __main__:<module>:20 - Iteration 1160: Points 1200 (cluster 3072) and 1318 (cluster 1318) connect at weight=89.0
2025-04-09 19:04:09.415 | DEBUG    | __main__:<module>:20 - Iteration 1161: Points 1195 (cluster 1195) and 1032 (cluster 3027) connect at weight=89.0
2025-04-09 19:04:09.415 | DEBUG    | __main__:<module>:20 - Iteration 1162: Points 1188 (cluster 3117) and 1226 (cluster 3149) connect at weight=89.0
2025-04-09 19:04:09.416 | DEBUG    | __main__:<module>:20 - Iteration 1163: Points 1185 (cluster 1185) and 1013 (cluster 3119) connect at weight=89.0
2025-04-09 19:04:09.416 | DEBUG    | __main__:<module>:20 - Iteration 1164: Points 1170 (cluster 1170) and 1319 (cluster 3126) connect at weight=89.0
2025-04-09 19:04:09.416 | DEBUG    | __main__:<module>:20 - Iteration 1165: Points 1165 (cluster 3125) and 1146 (cluster 1146) connect at weight=89.0
2025-04-09 19:04:09.416 | DEBUG    | __main__:<module>:20 - Iteration 1166: Points 1164 (cluster 3148) and 1309 (cluster 3129) connect at weight=89.0
2025-04-09 19:04:09.416 | DEBUG    | __main__:<module>:20 - Iteration 1167: Points 1158 (cluster 1158) and 1329 (cluster 3123) connect at weight=89.0
2025-04-09 19:04:09.416 | DEBUG    | __main__:<module>:20 - Iteration 1168: Points 1154 (cluster 1154) and 1220 (cluster 1220) connect at weight=89.0
2025-04-09 19:04:09.417 | DEBUG    | __main__:<module>:20 - Iteration 1169: Points 1150 (cluster 3116) and 1120 (cluster 3091) connect at weight=89.0
2025-04-09 19:04:09.417 | DEBUG    | __main__:<module>:20 - Iteration 1170: Points 1146 (cluster 3165) and 1332 (cluster 1332) connect at weight=89.0
2025-04-09 19:04:09.417 | DEBUG    | __main__:<module>:20 - Iteration 1171: Points 1140 (cluster 3115) and 1018 (cluster 3162) connect at weight=89.0
2025-04-09 19:04:09.417 | DEBUG    | __main__:<module>:20 - Iteration 1172: Points 1130 (cluster 3040) and 1271 (cluster 1271) connect at weight=89.0
2025-04-09 19:04:09.417 | DEBUG    | __main__:<module>:20 - Iteration 1173: Points 1127 (cluster 3131) and 1291 (cluster 1291) connect at weight=89.0
2025-04-09 19:04:09.418 | DEBUG    | __main__:<module>:20 - Iteration 1174: Points 1123 (cluster 3078) and 1147 (cluster 1147) connect at weight=89.0
2025-04-09 19:04:09.418 | DEBUG    | __main__:<module>:20 - Iteration 1175: Points 1120 (cluster 3169) and 1327 (cluster 3170) connect at weight=89.0
2025-04-09 19:04:09.418 | DEBUG    | __main__:<module>:20 - Iteration 1176: Points 1117 (cluster 3085) and 1290 (cluster 3135) connect at weight=89.0
2025-04-09 19:04:09.418 | DEBUG    | __main__:<module>:20 - Iteration 1177: Points 1115 (cluster 3055) and 1259 (cluster 1259) connect at weight=89.0
2025-04-09 19:04:09.418 | DEBUG    | __main__:<module>:20 - Iteration 1178: Points 1103 (cluster 3083) and 1239 (cluster 1239) connect at weight=89.0
2025-04-09 19:04:09.419 | DEBUG    | __main__:<module>:20 - Iteration 1179: Points 1100 (cluster 1100) and 1155 (cluster 3081) connect at weight=89.0
2025-04-09 19:04:09.419 | DEBUG    | __main__:<module>:20 - Iteration 1180: Points 1098 (cluster 1098) and 1091 (cluster 3177) connect at weight=89.0
2025-04-09 19:04:09.419 | DEBUG    | __main__:<module>:20 - Iteration 1181: Points 1090 (cluster 3104) and 1068 (cluster 3107) connect at weight=89.0
2025-04-09 19:04:09.419 | DEBUG    | __main__:<module>:20 - Iteration 1182: Points 1081 (cluster 3120) and 1180 (cluster 1180) connect at weight=89.0
2025-04-09 19:04:09.419 | DEBUG    | __main__:<module>:20 - Iteration 1183: Points 1073 (cluster 1073) and 1326 (cluster 1326) connect at weight=89.0
2025-04-09 19:04:09.419 | DEBUG    | __main__:<module>:20 - Iteration 1184: Points 1072 (cluster 3106) and 1286 (cluster 1286) connect at weight=89.0
2025-04-09 19:04:09.420 | DEBUG    | __main__:<module>:20 - Iteration 1185: Points 1068 (cluster 3181) and 1211 (cluster 1211) connect at weight=89.0
2025-04-09 19:04:09.420 | DEBUG    | __main__:<module>:20 - Iteration 1186: Points 1059 (cluster 3179) and 1125 (cluster 3090) connect at weight=89.0
2025-04-09 19:04:09.420 | DEBUG    | __main__:<module>:20 - Iteration 1187: Points 1051 (cluster 1051) and 1179 (cluster 1179) connect at weight=89.0
2025-04-09 19:04:09.420 | DEBUG    | __main__:<module>:20 - Iteration 1188: Points 1051 (cluster 3187) and 1138 (cluster 3176) connect at weight=89.0
2025-04-09 19:04:09.420 | DEBUG    | __main__:<module>:20 - Iteration 1189: Points 1040 (cluster 3025) and 1260 (cluster 1260) connect at weight=89.0
2025-04-09 19:04:09.420 | DEBUG    | __main__:<module>:20 - Iteration 1190: Points 1040 (cluster 3189) and 1128 (cluster 1128) connect at weight=89.0
2025-04-09 19:04:09.421 | DEBUG    | __main__:<module>:20 - Iteration 1191: Points 1039 (cluster 3184) and 1214 (cluster 1214) connect at weight=89.0
2025-04-09 19:04:09.421 | DEBUG    | __main__:<module>:20 - Iteration 1192: Points 1038 (cluster 1038) and 1131 (cluster 1131) connect at weight=89.0
2025-04-09 19:04:09.421 | DEBUG    | __main__:<module>:20 - Iteration 1193: Points 1037 (cluster 3127) and 1202 (cluster 1202) connect at weight=89.0
2025-04-09 19:04:09.421 | DEBUG    | __main__:<module>:20 - Iteration 1194: Points 1021 (cluster 3175) and 1111 (cluster 1111) connect at weight=89.0
2025-04-09 19:04:09.421 | DEBUG    | __main__:<module>:20 - Iteration 1195: Points 1012 (cluster 3051) and 1044 (cluster 3118) connect at weight=89.0
2025-04-09 19:04:09.422 | DEBUG    | __main__:<module>:20 - Iteration 1196: Points 1003 (cluster 3049) and 1213 (cluster 3155) connect at weight=89.0
2025-04-09 19:04:09.422 | DEBUG    | __main__:<module>:20 - Iteration 1197: Points 1002 (cluster 3035) and 1073 (cluster 3183) connect at weight=89.0
2025-04-09 19:04:09.422 | DEBUG    | __main__:<module>:20 - Iteration 1198: Points 1447 (cluster 1447) and 1363 (cluster 1363) connect at weight=88.0
2025-04-09 19:04:09.422 | DEBUG    | __main__:<module>:20 - Iteration 1199: Points 1443 (cluster 1443) and 1412 (cluster 1412) connect at weight=88.0
2025-04-09 19:04:09.422 | DEBUG    | __main__:<module>:20 - Iteration 1200: Points 1442 (cluster 1442) and 1360 (cluster 1360) connect at weight=88.0
2025-04-09 19:04:09.423 | DEBUG    | __main__:<module>:20 - Iteration 1201: Points 1440 (cluster 1440) and 1248 (cluster 1248) connect at weight=88.0
2025-04-09 19:04:09.423 | DEBUG    | __main__:<module>:20 - Iteration 1202: Points 1427 (cluster 1427) and 1373 (cluster 1373) connect at weight=88.0
2025-04-09 19:04:09.423 | DEBUG    | __main__:<module>:20 - Iteration 1203: Points 1421 (cluster 1421) and 1345 (cluster 1345) connect at weight=88.0
2025-04-09 19:04:09.423 | DEBUG    | __main__:<module>:20 - Iteration 1204: Points 1414 (cluster 1414) and 1361 (cluster 1361) connect at weight=88.0
2025-04-09 19:04:09.423 | DEBUG    | __main__:<module>:20 - Iteration 1205: Points 1407 (cluster 1407) and 1358 (cluster 1358) connect at weight=88.0
2025-04-09 19:04:09.425 | DEBUG    | __main__:<module>:20 - Iteration 1206: Points 1406 (cluster 1406) and 1252 (cluster 3147) connect at weight=88.0
2025-04-09 19:04:09.427 | DEBUG    | __main__:<module>:20 - Iteration 1207: Points 1403 (cluster 1403) and 1371 (cluster 1371) connect at weight=88.0
2025-04-09 19:04:09.428 | DEBUG    | __main__:<module>:20 - Iteration 1208: Points 1401 (cluster 1401) and 1130 (cluster 3172) connect at weight=88.0
2025-04-09 19:04:09.428 | DEBUG    | __main__:<module>:20 - Iteration 1209: Points 1393 (cluster 1393) and 1285 (cluster 3138) connect at weight=88.0
2025-04-09 19:04:09.428 | DEBUG    | __main__:<module>:20 - Iteration 1210: Points 1391 (cluster 1391) and 1349 (cluster 1349) connect at weight=88.0
2025-04-09 19:04:09.428 | DEBUG    | __main__:<module>:20 - Iteration 1211: Points 1383 (cluster 1383) and 1354 (cluster 1354) connect at weight=88.0
2025-04-09 19:04:09.429 | DEBUG    | __main__:<module>:20 - Iteration 1212: Points 1382 (cluster 1382) and 1153 (cluster 3082) connect at weight=88.0
2025-04-09 19:04:09.429 | DEBUG    | __main__:<module>:20 - Iteration 1213: Points 1376 (cluster 1376) and 1224 (cluster 3150) connect at weight=88.0
2025-04-09 19:04:09.429 | DEBUG    | __main__:<module>:20 - Iteration 1214: Points 1353 (cluster 1353) and 1173 (cluster 1173) connect at weight=88.0
2025-04-09 19:04:09.429 | DEBUG    | __main__:<module>:20 - Iteration 1215: Points 1348 (cluster 1348) and 1266 (cluster 1266) connect at weight=88.0
2025-04-09 19:04:09.430 | DEBUG    | __main__:<module>:20 - Iteration 1216: Points 1335 (cluster 1335) and 1251 (cluster 1251) connect at weight=88.0
2025-04-09 19:04:09.430 | DEBUG    | __main__:<module>:20 - Iteration 1217: Points 1334 (cluster 1334) and 1322 (cluster 1322) connect at weight=88.0
2025-04-09 19:04:09.430 | DEBUG    | __main__:<module>:20 - Iteration 1218: Points 1330 (cluster 1330) and 1341 (cluster 1341) connect at weight=88.0
2025-04-09 19:04:09.430 | DEBUG    | __main__:<module>:20 - Iteration 1219: Points 1324 (cluster 1324) and 1221 (cluster 1221) connect at weight=88.0
2025-04-09 19:04:09.430 | DEBUG    | __main__:<module>:20 - Iteration 1220: Points 1320 (cluster 1320) and 1435 (cluster 1435) connect at weight=88.0
2025-04-09 19:04:09.431 | DEBUG    | __main__:<module>:20 - Iteration 1221: Points 1319 (cluster 3164) and 1362 (cluster 1362) connect at weight=88.0
2025-04-09 19:04:09.431 | DEBUG    | __main__:<module>:20 - Iteration 1222: Points 1318 (cluster 3160) and 1351 (cluster 1351) connect at weight=88.0
2025-04-09 19:04:09.431 | DEBUG    | __main__:<module>:20 - Iteration 1223: Points 1317 (cluster 3156) and 1253 (cluster 1253) connect at weight=88.0
2025-04-09 19:04:09.431 | DEBUG    | __main__:<module>:20 - Iteration 1224: Points 1309 (cluster 3166) and 1384 (cluster 1384) connect at weight=88.0
2025-04-09 19:04:09.431 | DEBUG    | __main__:<module>:20 - Iteration 1225: Points 1308 (cluster 1308) and 1398 (cluster 1398) connect at weight=88.0
2025-04-09 19:04:09.432 | DEBUG    | __main__:<module>:20 - Iteration 1226: Points 1304 (cluster 1304) and 1230 (cluster 1230) connect at weight=88.0
2025-04-09 19:04:09.432 | DEBUG    | __main__:<module>:20 - Iteration 1227: Points 1297 (cluster 1297) and 1201 (cluster 3071) connect at weight=88.0
2025-04-09 19:04:09.432 | DEBUG    | __main__:<module>:20 - Iteration 1228: Points 1293 (cluster 3134) and 1300 (cluster 1300) connect at weight=88.0
2025-04-09 19:04:09.432 | DEBUG    | __main__:<module>:20 - Iteration 1229: Points 1290 (cluster 3188) and 1379 (cluster 1379) connect at weight=88.0
2025-04-09 19:04:09.432 | DEBUG    | __main__:<module>:20 - Iteration 1230: Points 1288 (cluster 1288) and 1189 (cluster 1189) connect at weight=88.0
2025-04-09 19:04:09.432 | DEBUG    | __main__:<module>:20 - Iteration 1231: Points 1287 (cluster 3137) and 1207 (cluster 3157) connect at weight=88.0
2025-04-09 19:04:09.433 | DEBUG    | __main__:<module>:20 - Iteration 1232: Points 1280 (cluster 1280) and 1314 (cluster 1314) connect at weight=88.0
2025-04-09 19:04:09.433 | DEBUG    | __main__:<module>:20 - Iteration 1233: Points 1278 (cluster 1278) and 1261 (cluster 1261) connect at weight=88.0
2025-04-09 19:04:09.433 | DEBUG    | __main__:<module>:20 - Iteration 1234: Points 1276 (cluster 1276) and 1447 (cluster 3198) connect at weight=88.0
2025-04-09 19:04:09.433 | DEBUG    | __main__:<module>:20 - Iteration 1235: Points 1276 (cluster 3234) and 1161 (cluster 1161) connect at weight=88.0
2025-04-09 19:04:09.433 | DEBUG    | __main__:<module>:20 - Iteration 1236: Points 1273 (cluster 3151) and 1376 (cluster 3213) connect at weight=88.0
2025-04-09 19:04:09.434 | DEBUG    | __main__:<module>:20 - Iteration 1237: Points 1268 (cluster 1268) and 1056 (cluster 3109) connect at weight=88.0
2025-04-09 19:04:09.434 | DEBUG    | __main__:<module>:20 - Iteration 1238: Points 1267 (cluster 1267) and 1262 (cluster 1262) connect at weight=88.0
2025-04-09 19:04:09.434 | DEBUG    | __main__:<module>:20 - Iteration 1239: Points 1261 (cluster 3233) and 1110 (cluster 3095) connect at weight=88.0
2025-04-09 19:04:09.434 | DEBUG    | __main__:<module>:20 - Iteration 1240: Points 1259 (cluster 3180) and 1394 (cluster 1394) connect at weight=88.0
2025-04-09 19:04:09.434 | DEBUG    | __main__:<module>:20 - Iteration 1241: Points 1258 (cluster 1258) and 1293 (cluster 3228) connect at weight=88.0
2025-04-09 19:04:09.435 | DEBUG    | __main__:<module>:20 - Iteration 1242: Points 1253 (cluster 3223) and 1348 (cluster 3215) connect at weight=88.0
2025-04-09 19:04:09.435 | DEBUG    | __main__:<module>:20 - Iteration 1243: Points 1251 (cluster 3216) and 1184 (cluster 1184) connect at weight=88.0
2025-04-09 19:04:09.435 | DEBUG    | __main__:<module>:20 - Iteration 1244: Points 1249 (cluster 3171) and 1212 (cluster 3242) connect at weight=88.0
2025-04-09 19:04:09.435 | DEBUG    | __main__:<module>:20 - Iteration 1245: Points 1244 (cluster 1244) and 1331 (cluster 3122) connect at weight=88.0
2025-04-09 19:04:09.435 | DEBUG    | __main__:<module>:20 - Iteration 1246: Points 1242 (cluster 1242) and 1270 (cluster 1270) connect at weight=88.0
2025-04-09 19:04:09.437 | DEBUG    | __main__:<module>:20 - Iteration 1247: Points 1238 (cluster 1238) and 1278 (cluster 3239) connect at weight=88.0
2025-04-09 19:04:09.437 | DEBUG    | __main__:<module>:20 - Iteration 1248: Points 1237 (cluster 1237) and 1419 (cluster 1419) connect at weight=88.0
2025-04-09 19:04:09.438 | DEBUG    | __main__:<module>:20 - Iteration 1249: Points 1230 (cluster 3226) and 1434 (cluster 1434) connect at weight=88.0
2025-04-09 19:04:09.438 | DEBUG    | __main__:<module>:20 - Iteration 1250: Points 1228 (cluster 3182) and 1444 (cluster 1444) connect at weight=88.0
2025-04-09 19:04:09.438 | DEBUG    | __main__:<module>:20 - Iteration 1251: Points 1228 (cluster 3250) and 1338 (cluster 1338) connect at weight=88.0
2025-04-09 19:04:09.438 | DEBUG    | __main__:<module>:20 - Iteration 1252: Points 1226 (cluster 3244) and 1424 (cluster 1424) connect at weight=88.0
2025-04-09 19:04:09.438 | DEBUG    | __main__:<module>:20 - Iteration 1253: Points 1224 (cluster 3236) and 1022 (cluster 3102) connect at weight=88.0
2025-04-09 19:04:09.439 | DEBUG    | __main__:<module>:20 - Iteration 1254: Points 1220 (cluster 3168) and 1395 (cluster 1395) connect at weight=88.0
2025-04-09 19:04:09.439 | DEBUG    | __main__:<module>:20 - Iteration 1255: Points 1220 (cluster 3254) and 1344 (cluster 1344) connect at weight=88.0
2025-04-09 19:04:09.439 | DEBUG    | __main__:<module>:20 - Iteration 1256: Points 1216 (cluster 3253) and 1298 (cluster 1298) connect at weight=88.0
2025-04-09 19:04:09.440 | DEBUG    | __main__:<module>:20 - Iteration 1257: Points 1203 (cluster 1203) and 1391 (cluster 3210) connect at weight=88.0
2025-04-09 19:04:09.440 | DEBUG    | __main__:<module>:20 - Iteration 1258: Points 1202 (cluster 3193) and 1445 (cluster 1445) connect at weight=88.0
2025-04-09 19:04:09.440 | DEBUG    | __main__:<module>:20 - Iteration 1259: Points 1196 (cluster 3231) and 1436 (cluster 1436) connect at weight=88.0
2025-04-09 19:04:09.440 | DEBUG    | __main__:<module>:20 - Iteration 1260: Points 1189 (cluster 3230) and 1043 (cluster 3112) connect at weight=88.0
2025-04-09 19:04:09.440 | DEBUG    | __main__:<module>:20 - Iteration 1261: Points 1186 (cluster 3143) and 1229 (cluster 1229) connect at weight=88.0
2025-04-09 19:04:09.441 | DEBUG    | __main__:<module>:20 - Iteration 1262: Points 1173 (cluster 3214) and 1449 (cluster 1449) connect at weight=88.0
2025-04-09 19:04:09.441 | DEBUG    | __main__:<module>:20 - Iteration 1263: Points 1171 (cluster 3079) and 1200 (cluster 3222) connect at weight=88.0
2025-04-09 19:04:09.441 | DEBUG    | __main__:<module>:20 - Iteration 1264: Points 1166 (cluster 3121) and 1316 (cluster 1316) connect at weight=88.0
2025-04-09 19:04:09.441 | DEBUG    | __main__:<module>:20 - Iteration 1265: Points 1166 (cluster 3264) and 1281 (cluster 1281) connect at weight=88.0
2025-04-09 19:04:09.441 | DEBUG    | __main__:<module>:20 - Iteration 1266: Points 1165 (cluster 3194) and 1366 (cluster 1366) connect at weight=88.0
2025-04-09 19:04:09.442 | DEBUG    | __main__:<module>:20 - Iteration 1267: Points 1161 (cluster 3235) and 1404 (cluster 1404) connect at weight=88.0
2025-04-09 19:04:09.442 | DEBUG    | __main__:<module>:20 - Iteration 1268: Points 1161 (cluster 3267) and 1158 (cluster 3167) connect at weight=88.0
2025-04-09 19:04:09.442 | DEBUG    | __main__:<module>:20 - Iteration 1269: Points 1160 (cluster 1160) and 1012 (cluster 3195) connect at weight=88.0
2025-04-09 19:04:09.442 | DEBUG    | __main__:<module>:20 - Iteration 1270: Points 1156 (cluster 3159) and 1254 (cluster 1254) connect at weight=88.0
2025-04-09 19:04:09.442 | DEBUG    | __main__:<module>:20 - Iteration 1271: Points 1151 (cluster 3110) and 1396 (cluster 1396) connect at weight=88.0
2025-04-09 19:04:09.443 | DEBUG    | __main__:<module>:20 - Iteration 1272: Points 1151 (cluster 3271) and 1218 (cluster 3152) connect at weight=88.0
2025-04-09 19:04:09.443 | DEBUG    | __main__:<module>:20 - Iteration 1273: Points 1150 (cluster 3266) and 1397 (cluster 1397) connect at weight=88.0
2025-04-09 19:04:09.443 | DEBUG    | __main__:<module>:20 - Iteration 1274: Points 1147 (cluster 3174) and 1450 (cluster 1450) connect at weight=88.0
2025-04-09 19:04:09.443 | DEBUG    | __main__:<module>:20 - Iteration 1275: Points 1147 (cluster 3274) and 1245 (cluster 1245) connect at weight=88.0
2025-04-09 19:04:09.443 | DEBUG    | __main__:<module>:20 - Iteration 1276: Points 1146 (cluster 3273) and 1313 (cluster 1313) connect at weight=88.0
2025-04-09 19:04:09.444 | DEBUG    | __main__:<module>:20 - Iteration 1277: Points 1140 (cluster 3252) and 1357 (cluster 1357) connect at weight=88.0
2025-04-09 19:04:09.444 | DEBUG    | __main__:<module>:20 - Iteration 1278: Points 1138 (cluster 3229) and 1416 (cluster 1416) connect at weight=88.0
2025-04-09 19:04:09.444 | DEBUG    | __main__:<module>:20 - Iteration 1279: Points 1136 (cluster 3163) and 1448 (cluster 1448) connect at weight=88.0
2025-04-09 19:04:09.444 | DEBUG    | __main__:<module>:20 - Iteration 1280: Points 1128 (cluster 3190) and 1101 (cluster 1101) connect at weight=88.0
2025-04-09 19:04:09.444 | DEBUG    | __main__:<module>:20 - Iteration 1281: Points 1122 (cluster 1122) and 1346 (cluster 1346) connect at weight=88.0
2025-04-09 19:04:09.444 | DEBUG    | __main__:<module>:20 - Iteration 1282: Points 1116 (cluster 3070) and 1241 (cluster 3224) connect at weight=88.0
2025-04-09 19:04:09.446 | DEBUG    | __main__:<module>:20 - Iteration 1283: Points 1115 (cluster 3240) and 1036 (cluster 3280) connect at weight=88.0
2025-04-09 19:04:09.446 | DEBUG    | __main__:<module>:20 - Iteration 1284: Points 1102 (cluster 3144) and 1219 (cluster 1219) connect at weight=88.0
2025-04-09 19:04:09.446 | DEBUG    | __main__:<module>:20 - Iteration 1285: Points 1101 (cluster 3283) and 1048 (cluster 3272) connect at weight=88.0
2025-04-09 19:04:09.446 | DEBUG    | __main__:<module>:20 - Iteration 1286: Points 1094 (cluster 3108) and 1343 (cluster 1343) connect at weight=88.0
2025-04-09 19:04:09.447 | DEBUG    | __main__:<module>:20 - Iteration 1287: Points 1088 (cluster 3103) and 1098 (cluster 3285) connect at weight=88.0
2025-04-09 19:04:09.447 | DEBUG    | __main__:<module>:20 - Iteration 1288: Points 1083 (cluster 3059) and 1148 (cluster 1148) connect at weight=88.0
2025-04-09 19:04:09.447 | DEBUG    | __main__:<module>:20 - Iteration 1289: Points 1081 (cluster 3251) and 1339 (cluster 1339) connect at weight=88.0
2025-04-09 19:04:09.447 | DEBUG    | __main__:<module>:20 - Iteration 1290: Points 1077 (cluster 3084) and 1454 (cluster 1454) connect at weight=88.0
2025-04-09 19:04:09.447 | DEBUG    | __main__:<module>:20 - Iteration 1291: Points 1072 (cluster 3191) and 1028 (cluster 3288) connect at weight=88.0
2025-04-09 19:04:09.448 | DEBUG    | __main__:<module>:20 - Iteration 1292: Points 1063 (cluster 3247) and 1242 (cluster 3246) connect at weight=88.0
2025-04-09 19:04:09.448 | DEBUG    | __main__:<module>:20 - Iteration 1293: Points 1056 (cluster 3237) and 1431 (cluster 1431) connect at weight=88.0
2025-04-09 19:04:09.448 | DEBUG    | __main__:<module>:20 - Iteration 1294: Points 1049 (cluster 3277) and 1359 (cluster 1359) connect at weight=88.0
2025-04-09 19:04:09.449 | DEBUG    | __main__:<module>:20 - Iteration 1295: Points 1044 (cluster 3269) and 1428 (cluster 1428) connect at weight=88.0
2025-04-09 19:04:09.449 | DEBUG    | __main__:<module>:20 - Iteration 1296: Points 1005 (cluster 3291) and 1374 (cluster 1374) connect at weight=88.0
2025-04-09 19:04:09.449 | DEBUG    | __main__:<module>:20 - Iteration 1297: Points 1567 (cluster 1567) and 1460 (cluster 1460) connect at weight=87.0
2025-04-09 19:04:09.449 | DEBUG    | __main__:<module>:20 - Iteration 1298: Points 1565 (cluster 1565) and 1268 (cluster 3293) connect at weight=87.0
2025-04-09 19:04:09.450 | DEBUG    | __main__:<module>:20 - Iteration 1299: Points 1563 (cluster 1563) and 1517 (cluster 1517) connect at weight=87.0
2025-04-09 19:04:09.450 | DEBUG    | __main__:<module>:20 - Iteration 1300: Points 1561 (cluster 1561) and 1521 (cluster 1521) connect at weight=87.0
2025-04-09 19:04:09.450 | DEBUG    | __main__:<module>:20 - Iteration 1301: Points 1559 (cluster 1559) and 1238 (cluster 3292) connect at weight=87.0
2025-04-09 19:04:09.450 | DEBUG    | __main__:<module>:20 - Iteration 1302: Points 1558 (cluster 1558) and 1518 (cluster 1518) connect at weight=87.0
2025-04-09 19:04:09.450 | DEBUG    | __main__:<module>:20 - Iteration 1303: Points 1556 (cluster 1556) and 1526 (cluster 1526) connect at weight=87.0
2025-04-09 19:04:09.450 | DEBUG    | __main__:<module>:20 - Iteration 1304: Points 1549 (cluster 1549) and 1417 (cluster 1417) connect at weight=87.0
2025-04-09 19:04:09.451 | DEBUG    | __main__:<module>:20 - Iteration 1305: Points 1548 (cluster 1548) and 1380 (cluster 1380) connect at weight=87.0
2025-04-09 19:04:09.451 | DEBUG    | __main__:<module>:20 - Iteration 1306: Points 1547 (cluster 1547) and 1511 (cluster 1511) connect at weight=87.0
2025-04-09 19:04:09.451 | DEBUG    | __main__:<module>:20 - Iteration 1307: Points 1545 (cluster 1545) and 1503 (cluster 1503) connect at weight=87.0
2025-04-09 19:04:09.451 | DEBUG    | __main__:<module>:20 - Iteration 1308: Points 1542 (cluster 1542) and 1350 (cluster 1350) connect at weight=87.0
2025-04-09 19:04:09.451 | DEBUG    | __main__:<module>:20 - Iteration 1309: Points 1537 (cluster 1537) and 1086 (cluster 1086) connect at weight=87.0
2025-04-09 19:04:09.452 | DEBUG    | __main__:<module>:20 - Iteration 1310: Points 1535 (cluster 1535) and 1065 (cluster 1065) connect at weight=87.0
2025-04-09 19:04:09.452 | DEBUG    | __main__:<module>:20 - Iteration 1311: Points 1534 (cluster 1534) and 1467 (cluster 1467) connect at weight=87.0
2025-04-09 19:04:09.452 | DEBUG    | __main__:<module>:20 - Iteration 1312: Points 1534 (cluster 3311) and 1432 (cluster 1432) connect at weight=87.0
2025-04-09 19:04:09.452 | DEBUG    | __main__:<module>:20 - Iteration 1313: Points 1530 (cluster 1530) and 1328 (cluster 3124) connect at weight=87.0
2025-04-09 19:04:09.452 | DEBUG    | __main__:<module>:20 - Iteration 1314: Points 1529 (cluster 1529) and 1492 (cluster 1492) connect at weight=87.0
2025-04-09 19:04:09.452 | DEBUG    | __main__:<module>:20 - Iteration 1315: Points 1529 (cluster 3314) and 1305 (cluster 1305) connect at weight=87.0
2025-04-09 19:04:09.453 | DEBUG    | __main__:<module>:20 - Iteration 1316: Points 1528 (cluster 1528) and 1312 (cluster 3258) connect at weight=87.0
2025-04-09 19:04:09.453 | DEBUG    | __main__:<module>:20 - Iteration 1317: Points 1525 (cluster 1525) and 1469 (cluster 1469) connect at weight=87.0
2025-04-09 19:04:09.453 | DEBUG    | __main__:<module>:20 - Iteration 1318: Points 1520 (cluster 1520) and 1490 (cluster 1490) connect at weight=87.0
2025-04-09 19:04:09.453 | DEBUG    | __main__:<module>:20 - Iteration 1319: Points 1515 (cluster 1515) and 1429 (cluster 1429) connect at weight=87.0
2025-04-09 19:04:09.453 | DEBUG    | __main__:<module>:20 - Iteration 1320: Points 1512 (cluster 1512) and 1403 (cluster 3207) connect at weight=87.0
2025-04-09 19:04:09.454 | DEBUG    | __main__:<module>:20 - Iteration 1321: Points 1501 (cluster 1501) and 1464 (cluster 1464) connect at weight=87.0
2025-04-09 19:04:09.454 | DEBUG    | __main__:<module>:20 - Iteration 1322: Points 1500 (cluster 1500) and 1491 (cluster 1491) connect at weight=87.0
2025-04-09 19:04:09.454 | DEBUG    | __main__:<module>:20 - Iteration 1323: Points 1497 (cluster 1497) and 1283 (cluster 3270) connect at weight=87.0
2025-04-09 19:04:09.454 | DEBUG    | __main__:<module>:20 - Iteration 1324: Points 1487 (cluster 1487) and 1324 (cluster 3219) connect at weight=87.0
2025-04-09 19:04:09.454 | DEBUG    | __main__:<module>:20 - Iteration 1325: Points 1485 (cluster 1485) and 1330 (cluster 3218) connect at weight=87.0
2025-04-09 19:04:09.454 | DEBUG    | __main__:<module>:20 - Iteration 1326: Points 1484 (cluster 1484) and 1474 (cluster 1474) connect at weight=87.0
2025-04-09 19:04:09.455 | DEBUG    | __main__:<module>:20 - Iteration 1327: Points 1483 (cluster 1483) and 1257 (cluster 1257) connect at weight=87.0
2025-04-09 19:04:09.455 | DEBUG    | __main__:<module>:20 - Iteration 1328: Points 1478 (cluster 1478) and 1461 (cluster 1461) connect at weight=87.0
2025-04-09 19:04:09.455 | DEBUG    | __main__:<module>:20 - Iteration 1329: Points 1456 (cluster 1456) and 1265 (cluster 3284) connect at weight=87.0
2025-04-09 19:04:09.455 | DEBUG    | __main__:<module>:20 - Iteration 1330: Points 1449 (cluster 3262) and 1100 (cluster 3186) connect at weight=87.0
2025-04-09 19:04:09.455 | DEBUG    | __main__:<module>:20 - Iteration 1331: Points 1447 (cluster 3268) and 1546 (cluster 1546) connect at weight=87.0
2025-04-09 19:04:09.456 | DEBUG    | __main__:<module>:20 - Iteration 1332: Points 1445 (cluster 3316) and 1441 (cluster 1441) connect at weight=87.0
2025-04-09 19:04:09.456 | DEBUG    | __main__:<module>:20 - Iteration 1333: Points 1445 (cluster 3332) and 1365 (cluster 1365) connect at weight=87.0
2025-04-09 19:04:09.456 | DEBUG    | __main__:<module>:20 - Iteration 1334: Points 1443 (cluster 3199) and 1367 (cluster 1367) connect at weight=87.0
2025-04-09 19:04:09.456 | DEBUG    | __main__:<module>:20 - Iteration 1335: Points 1442 (cluster 3200) and 1476 (cluster 1476) connect at weight=87.0
2025-04-09 19:04:09.456 | DEBUG    | __main__:<module>:20 - Iteration 1336: Points 1437 (cluster 1437) and 1323 (cluster 1323) connect at weight=87.0
2025-04-09 19:04:09.456 | DEBUG    | __main__:<module>:20 - Iteration 1337: Points 1435 (cluster 3220) and 1295 (cluster 3132) connect at weight=87.0
2025-04-09 19:04:09.457 | DEBUG    | __main__:<module>:20 - Iteration 1338: Points 1434 (cluster 3249) and 1352 (cluster 1352) connect at weight=87.0
2025-04-09 19:04:09.457 | DEBUG    | __main__:<module>:20 - Iteration 1339: Points 1426 (cluster 1426) and 1414 (cluster 3204) connect at weight=87.0
2025-04-09 19:04:09.457 | DEBUG    | __main__:<module>:20 - Iteration 1340: Points 1424 (cluster 3294) and 1557 (cluster 1557) connect at weight=87.0
2025-04-09 19:04:09.457 | DEBUG    | __main__:<module>:20 - Iteration 1341: Points 1423 (cluster 1423) and 1277 (cluster 3261) connect at weight=87.0
2025-04-09 19:04:09.457 | DEBUG    | __main__:<module>:20 - Iteration 1342: Points 1421 (cluster 3203) and 1470 (cluster 1470) connect at weight=87.0
2025-04-09 19:04:09.458 | DEBUG    | __main__:<module>:20 - Iteration 1343: Points 1420 (cluster 1420) and 1538 (cluster 1538) connect at weight=87.0
2025-04-09 19:04:09.458 | DEBUG    | __main__:<module>:20 - Iteration 1344: Points 1419 (cluster 3248) and 1516 (cluster 1516) connect at weight=87.0
2025-04-09 19:04:09.458 | DEBUG    | __main__:<module>:20 - Iteration 1345: Points 1419 (cluster 3344) and 1159 (cluster 3087) connect at weight=87.0
2025-04-09 19:04:09.458 | DEBUG    | __main__:<module>:20 - Iteration 1346: Points 1418 (cluster 1418) and 1392 (cluster 1392) connect at weight=87.0
2025-04-09 19:04:09.458 | DEBUG    | __main__:<module>:20 - Iteration 1347: Points 1415 (cluster 1415) and 1143 (cluster 3178) connect at weight=87.0
2025-04-09 19:04:09.458 | DEBUG    | __main__:<module>:20 - Iteration 1348: Points 1414 (cluster 3339) and 1550 (cluster 1550) connect at weight=87.0
2025-04-09 19:04:09.459 | DEBUG    | __main__:<module>:20 - Iteration 1349: Points 1405 (cluster 1405) and 1171 (cluster 3263) connect at weight=87.0
2025-04-09 19:04:09.459 | DEBUG    | __main__:<module>:20 - Iteration 1350: Points 1403 (cluster 3320) and 1383 (cluster 3211) connect at weight=87.0
2025-04-09 19:04:09.459 | DEBUG    | __main__:<module>:20 - Iteration 1351: Points 1399 (cluster 1399) and 1402 (cluster 1402) connect at weight=87.0
2025-04-09 19:04:09.459 | DEBUG    | __main__:<module>:20 - Iteration 1352: Points 1398 (cluster 3225) and 1375 (cluster 1375) connect at weight=87.0
2025-04-09 19:04:09.459 | DEBUG    | __main__:<module>:20 - Iteration 1353: Points 1395 (cluster 3255) and 1423 (cluster 3341) connect at weight=87.0
2025-04-09 19:04:09.460 | DEBUG    | __main__:<module>:20 - Iteration 1354: Points 1394 (cluster 3287) and 1495 (cluster 1495) connect at weight=87.0
2025-04-09 19:04:09.460 | DEBUG    | __main__:<module>:20 - Iteration 1355: Points 1389 (cluster 1389) and 1485 (cluster 3325) connect at weight=87.0
2025-04-09 19:04:09.460 | DEBUG    | __main__:<module>:20 - Iteration 1356: Points 1387 (cluster 1387) and 1325 (cluster 1325) connect at weight=87.0
2025-04-09 19:04:09.460 | DEBUG    | __main__:<module>:20 - Iteration 1357: Points 1385 (cluster 1385) and 1320 (cluster 3337) connect at weight=87.0
2025-04-09 19:04:09.460 | DEBUG    | __main__:<module>:20 - Iteration 1358: Points 1381 (cluster 1381) and 1377 (cluster 1377) connect at weight=87.0
2025-04-09 19:04:09.460 | DEBUG    | __main__:<module>:20 - Iteration 1359: Points 1378 (cluster 1378) and 1501 (cluster 3321) connect at weight=87.0
2025-04-09 19:04:09.461 | DEBUG    | __main__:<module>:20 - Iteration 1360: Points 1378 (cluster 3359) and 1422 (cluster 1422) connect at weight=87.0
2025-04-09 19:04:09.461 | DEBUG    | __main__:<module>:20 - Iteration 1361: Points 1375 (cluster 3352) and 1483 (cluster 3327) connect at weight=87.0
2025-04-09 19:04:09.461 | DEBUG    | __main__:<module>:20 - Iteration 1362: Points 1367 (cluster 3334) and 1244 (cluster 3245) connect at weight=87.0
2025-04-09 19:04:09.461 | DEBUG    | __main__:<module>:20 - Iteration 1363: Points 1366 (cluster 3276) and 1494 (cluster 1494) connect at weight=87.0
2025-04-09 19:04:09.461 | DEBUG    | __main__:<module>:20 - Iteration 1364: Points 1364 (cluster 1364) and 1438 (cluster 1438) connect at weight=87.0
2025-04-09 19:04:09.462 | DEBUG    | __main__:<module>:20 - Iteration 1365: Points 1362 (cluster 3221) and 1536 (cluster 1536) connect at weight=87.0
2025-04-09 19:04:09.462 | DEBUG    | __main__:<module>:20 - Iteration 1366: Points 1347 (cluster 1347) and 1453 (cluster 1453) connect at weight=87.0
2025-04-09 19:04:09.462 | DEBUG    | __main__:<module>:20 - Iteration 1367: Points 1342 (cluster 1342) and 1301 (cluster 1301) connect at weight=87.0
2025-04-09 19:04:09.463 | DEBUG    | __main__:<module>:20 - Iteration 1368: Points 1337 (cluster 1337) and 1535 (cluster 3310) connect at weight=87.0
2025-04-09 19:04:09.463 | DEBUG    | __main__:<module>:20 - Iteration 1369: Points 1336 (cluster 1336) and 1418 (cluster 3346) connect at weight=87.0
2025-04-09 19:04:09.463 | DEBUG    | __main__:<module>:20 - Iteration 1370: Points 1331 (cluster 3362) and 1011 (cluster 3289) connect at weight=87.0
2025-04-09 19:04:09.463 | DEBUG    | __main__:<module>:20 - Iteration 1371: Points 1329 (cluster 3331) and 1337 (cluster 3368) connect at weight=87.0
2025-04-09 19:04:09.463 | DEBUG    | __main__:<module>:20 - Iteration 1372: Points 1317 (cluster 3340) and 1555 (cluster 1555) connect at weight=87.0
2025-04-09 19:04:09.464 | DEBUG    | __main__:<module>:20 - Iteration 1373: Points 1315 (cluster 1315) and 1512 (cluster 3350) connect at weight=87.0
2025-04-09 19:04:09.464 | DEBUG    | __main__:<module>:20 - Iteration 1374: Points 1313 (cluster 3363) and 1561 (cluster 3300) connect at weight=87.0
2025-04-09 19:04:09.464 | DEBUG    | __main__:<module>:20 - Iteration 1375: Points 1312 (cluster 3333) and 1524 (cluster 1524) connect at weight=87.0
2025-04-09 19:04:09.464 | DEBUG    | __main__:<module>:20 - Iteration 1376: Points 1303 (cluster 3154) and 1465 (cluster 1465) connect at weight=87.0
2025-04-09 19:04:09.464 | DEBUG    | __main__:<module>:20 - Iteration 1377: Points 1303 (cluster 3376) and 1144 (cluster 1144) connect at weight=87.0
2025-04-09 19:04:09.464 | DEBUG    | __main__:<module>:20 - Iteration 1378: Points 1302 (cluster 1302) and 1386 (cluster 1386) connect at weight=87.0
2025-04-09 19:04:09.465 | DEBUG    | __main__:<module>:20 - Iteration 1379: Points 1299 (cluster 3173) and 1498 (cluster 1498) connect at weight=87.0
2025-04-09 19:04:09.465 | DEBUG    | __main__:<module>:20 - Iteration 1380: Points 1293 (cluster 3241) and 1493 (cluster 1493) connect at weight=87.0
2025-04-09 19:04:09.465 | DEBUG    | __main__:<module>:20 - Iteration 1381: Points 1282 (cluster 3141) and 1527 (cluster 1527) connect at weight=87.0
2025-04-09 19:04:09.465 | DEBUG    | __main__:<module>:20 - Iteration 1382: Points 1282 (cluster 3381) and 1425 (cluster 1425) connect at weight=87.0
2025-04-09 19:04:09.469 | DEBUG    | __main__:<module>:20 - Iteration 1383: Points 1280 (cluster 3232) and 1567 (cluster 3297) connect at weight=87.0
2025-04-09 19:04:09.469 | DEBUG    | __main__:<module>:20 - Iteration 1384: Points 1271 (cluster 3208) and 1276 (cluster 3371) connect at weight=87.0
2025-04-09 19:04:09.470 | DEBUG    | __main__:<module>:20 - Iteration 1385: Points 1270 (cluster 3301) and 1522 (cluster 1522) connect at weight=87.0
2025-04-09 19:04:09.470 | DEBUG    | __main__:<module>:20 - Iteration 1386: Points 1270 (cluster 3385) and 1451 (cluster 1451) connect at weight=87.0
2025-04-09 19:04:09.470 | DEBUG    | __main__:<module>:20 - Iteration 1387: Points 1256 (cluster 3146) and 1410 (cluster 1410) connect at weight=87.0
2025-04-09 19:04:09.470 | DEBUG    | __main__:<module>:20 - Iteration 1388: Points 1254 (cluster 3323) and 1411 (cluster 1411) connect at weight=87.0
2025-04-09 19:04:09.470 | DEBUG    | __main__:<module>:20 - Iteration 1389: Points 1252 (cluster 3206) and 1195 (cluster 3161) connect at weight=87.0
2025-04-09 19:04:09.470 | DEBUG    | __main__:<module>:20 - Iteration 1390: Points 1248 (cluster 3201) and 1372 (cluster 1372) connect at weight=87.0
2025-04-09 19:04:09.471 | DEBUG    | __main__:<module>:20 - Iteration 1391: Points 1227 (cluster 3295) and 1310 (cluster 1310) connect at weight=87.0
2025-04-09 19:04:09.471 | DEBUG    | __main__:<module>:20 - Iteration 1392: Points 1219 (cluster 3329) and 1565 (cluster 3298) connect at weight=87.0
2025-04-09 19:04:09.471 | DEBUG    | __main__:<module>:20 - Iteration 1393: Points 1215 (cluster 1215) and 1134 (cluster 3290) connect at weight=87.0
2025-04-09 19:04:09.471 | DEBUG    | __main__:<module>:20 - Iteration 1394: Points 1211 (cluster 3185) and 1217 (cluster 3377) connect at weight=87.0
2025-04-09 19:04:09.471 | DEBUG    | __main__:<module>:20 - Iteration 1395: Points 1199 (cluster 1199) and 1514 (cluster 1514) connect at weight=87.0
2025-04-09 19:04:09.472 | DEBUG    | __main__:<module>:20 - Iteration 1396: Points 1196 (cluster 3259) and 1279 (cluster 1279) connect at weight=87.0
2025-04-09 19:04:09.472 | DEBUG    | __main__:<module>:20 - Iteration 1397: Points 1185 (cluster 3279) and 1484 (cluster 3326) connect at weight=87.0
2025-04-09 19:04:09.472 | DEBUG    | __main__:<module>:20 - Iteration 1398: Points 1185 (cluster 3397) and 1452 (cluster 1452) connect at weight=87.0
2025-04-09 19:04:09.472 | DEBUG    | __main__:<module>:20 - Iteration 1399: Points 1183 (cluster 3313) and 1420 (cluster 3343) connect at weight=87.0
2025-04-09 19:04:09.472 | DEBUG    | __main__:<module>:20 - Iteration 1400: Points 1182 (cluster 3196) and 1172 (cluster 3275) connect at weight=87.0
2025-04-09 19:04:09.472 | DEBUG    | __main__:<module>:20 - Iteration 1401: Points 1178 (cluster 1178) and 1443 (cluster 3370) connect at weight=87.0
2025-04-09 19:04:09.473 | DEBUG    | __main__:<module>:20 - Iteration 1402: Points 1178 (cluster 3401) and 1296 (cluster 1296) connect at weight=87.0
2025-04-09 19:04:09.473 | DEBUG    | __main__:<module>:20 - Iteration 1403: Points 1174 (cluster 1174) and 1250 (cluster 1250) connect at weight=87.0
2025-04-09 19:04:09.473 | DEBUG    | __main__:<module>:20 - Iteration 1404: Points 1155 (cluster 3330) and 1554 (cluster 1554) connect at weight=87.0
2025-04-09 19:04:09.473 | DEBUG    | __main__:<module>:20 - Iteration 1405: Points 1122 (cluster 3281) and 1019 (cluster 3354) connect at weight=87.0
2025-04-09 19:04:09.473 | DEBUG    | __main__:<module>:20 - Iteration 1406: Points 1105 (cluster 1105) and 1356 (cluster 1356) connect at weight=87.0
2025-04-09 19:04:09.474 | DEBUG    | __main__:<module>:20 - Iteration 1407: Points 1105 (cluster 3406) and 1038 (cluster 3192) connect at weight=87.0
2025-04-09 19:04:09.474 | DEBUG    | __main__:<module>:20 - Iteration 1408: Points 1099 (cluster 1099) and 1185 (cluster 3398) connect at weight=87.0
2025-04-09 19:04:09.474 | DEBUG    | __main__:<module>:20 - Iteration 1409: Points 1095 (cluster 3372) and 1455 (cluster 1455) connect at weight=87.0
2025-04-09 19:04:09.474 | DEBUG    | __main__:<module>:20 - Iteration 1410: Points 1094 (cluster 3286) and 1321 (cluster 1321) connect at weight=87.0
2025-04-09 19:04:09.474 | DEBUG    | __main__:<module>:20 - Iteration 1411: Points 1088 (cluster 3405) and 1499 (cluster 1499) connect at weight=87.0
2025-04-09 19:04:09.475 | DEBUG    | __main__:<module>:20 - Iteration 1412: Points 1086 (cluster 3309) and 1477 (cluster 1477) connect at weight=87.0
2025-04-09 19:04:09.475 | DEBUG    | __main__:<module>:20 - Iteration 1413: Points 1086 (cluster 3412) and 1109 (cluster 3409) connect at weight=87.0
2025-04-09 19:04:09.475 | DEBUG    | __main__:<module>:20 - Iteration 1414: Points 1085 (cluster 3411) and 1500 (cluster 3322) connect at weight=87.0
2025-04-09 19:04:09.475 | DEBUG    | __main__:<module>:20 - Iteration 1415: Points 1074 (cluster 3392) and 1399 (cluster 3351) connect at weight=87.0
2025-04-09 19:04:09.475 | DEBUG    | __main__:<module>:20 - Iteration 1416: Points 1062 (cluster 1062) and 1237 (cluster 3345) connect at weight=87.0
2025-04-09 19:04:09.475 | DEBUG    | __main__:<module>:20 - Iteration 1417: Points 1034 (cluster 3197) and 1481 (cluster 1481) connect at weight=87.0
2025-04-09 19:04:09.476 | DEBUG    | __main__:<module>:20 - Iteration 1418: Points 1032 (cluster 3389) and 1076 (cluster 3374) connect at weight=87.0
2025-04-09 19:04:09.476 | DEBUG    | __main__:<module>:20 - Iteration 1419: Points 1025 (cluster 3418) and 1505 (cluster 1505) connect at weight=87.0
2025-04-09 19:04:09.476 | DEBUG    | __main__:<module>:20 - Iteration 1420: Points 1008 (cluster 3408) and 1468 (cluster 1468) connect at weight=87.0
2025-04-09 19:04:09.476 | DEBUG    | __main__:<module>:20 - Iteration 1421: Points 1687 (cluster 1687) and 1648 (cluster 1648) connect at weight=86.0
2025-04-09 19:04:09.476 | DEBUG    | __main__:<module>:20 - Iteration 1422: Points 1687 (cluster 3421) and 1570 (cluster 1570) connect at weight=86.0
2025-04-09 19:04:09.477 | DEBUG    | __main__:<module>:20 - Iteration 1423: Points 1681 (cluster 1681) and 1613 (cluster 1613) connect at weight=86.0
2025-04-09 19:04:09.477 | DEBUG    | __main__:<module>:20 - Iteration 1424: Points 1679 (cluster 1679) and 1647 (cluster 1647) connect at weight=86.0
2025-04-09 19:04:09.477 | DEBUG    | __main__:<module>:20 - Iteration 1425: Points 1679 (cluster 3424) and 1643 (cluster 1643) connect at weight=86.0
2025-04-09 19:04:09.477 | DEBUG    | __main__:<module>:20 - Iteration 1426: Points 1678 (cluster 1678) and 1274 (cluster 1274) connect at weight=86.0
2025-04-09 19:04:09.477 | DEBUG    | __main__:<module>:20 - Iteration 1427: Points 1673 (cluster 1673) and 1653 (cluster 1653) connect at weight=86.0
2025-04-09 19:04:09.477 | DEBUG    | __main__:<module>:20 - Iteration 1428: Points 1672 (cluster 1672) and 1513 (cluster 1513) connect at weight=86.0
2025-04-09 19:04:09.478 | DEBUG    | __main__:<module>:20 - Iteration 1429: Points 1665 (cluster 1665) and 1523 (cluster 1523) connect at weight=86.0
2025-04-09 19:04:09.478 | DEBUG    | __main__:<module>:20 - Iteration 1430: Points 1665 (cluster 3429) and 1280 (cluster 3383) connect at weight=86.0
2025-04-09 19:04:09.478 | DEBUG    | __main__:<module>:20 - Iteration 1431: Points 1651 (cluster 1651) and 1650 (cluster 1650) connect at weight=86.0
2025-04-09 19:04:09.478 | DEBUG    | __main__:<module>:20 - Iteration 1432: Points 1645 (cluster 1645) and 1515 (cluster 3319) connect at weight=86.0
2025-04-09 19:04:09.478 | DEBUG    | __main__:<module>:20 - Iteration 1433: Points 1644 (cluster 1644) and 1632 (cluster 1632) connect at weight=86.0
2025-04-09 19:04:09.479 | DEBUG    | __main__:<module>:20 - Iteration 1434: Points 1644 (cluster 3433) and 1532 (cluster 1532) connect at weight=86.0
2025-04-09 19:04:09.479 | DEBUG    | __main__:<module>:20 - Iteration 1435: Points 1637 (cluster 1637) and 1547 (cluster 3306) connect at weight=86.0
2025-04-09 19:04:09.479 | DEBUG    | __main__:<module>:20 - Iteration 1436: Points 1636 (cluster 1636) and 1620 (cluster 1620) connect at weight=86.0
2025-04-09 19:04:09.479 | DEBUG    | __main__:<module>:20 - Iteration 1437: Points 1634 (cluster 1634) and 1507 (cluster 1507) connect at weight=86.0
2025-04-09 19:04:09.479 | DEBUG    | __main__:<module>:20 - Iteration 1438: Points 1631 (cluster 1631) and 1628 (cluster 1628) connect at weight=86.0
2025-04-09 19:04:09.479 | DEBUG    | __main__:<module>:20 - Iteration 1439: Points 1617 (cluster 1617) and 1364 (cluster 3364) connect at weight=86.0
2025-04-09 19:04:09.480 | DEBUG    | __main__:<module>:20 - Iteration 1440: Points 1612 (cluster 1612) and 1571 (cluster 1571) connect at weight=86.0
2025-04-09 19:04:09.480 | DEBUG    | __main__:<module>:20 - Iteration 1441: Points 1611 (cluster 1611) and 1456 (cluster 3415) connect at weight=86.0
2025-04-09 19:04:09.480 | DEBUG    | __main__:<module>:20 - Iteration 1442: Points 1610 (cluster 1610) and 1600 (cluster 1600) connect at weight=86.0
2025-04-09 19:04:09.480 | DEBUG    | __main__:<module>:20 - Iteration 1443: Points 1610 (cluster 3442) and 1407 (cluster 3205) connect at weight=86.0
2025-04-09 19:04:09.480 | DEBUG    | __main__:<module>:20 - Iteration 1444: Points 1609 (cluster 1609) and 1243 (cluster 1243) connect at weight=86.0
2025-04-09 19:04:09.481 | DEBUG    | __main__:<module>:20 - Iteration 1445: Points 1608 (cluster 1608) and 1297 (cluster 3227) connect at weight=86.0
2025-04-09 19:04:09.481 | DEBUG    | __main__:<module>:20 - Iteration 1446: Points 1594 (cluster 1594) and 1579 (cluster 1579) connect at weight=86.0
2025-04-09 19:04:09.481 | DEBUG    | __main__:<module>:20 - Iteration 1447: Points 1585 (cluster 1585) and 1574 (cluster 1574) connect at weight=86.0
2025-04-09 19:04:09.481 | DEBUG    | __main__:<module>:20 - Iteration 1448: Points 1584 (cluster 1584) and 1463 (cluster 1463) connect at weight=86.0
2025-04-09 19:04:09.481 | DEBUG    | __main__:<module>:20 - Iteration 1449: Points 1581 (cluster 1581) and 1475 (cluster 1475) connect at weight=86.0
2025-04-09 19:04:09.482 | DEBUG    | __main__:<module>:20 - Iteration 1450: Points 1578 (cluster 1578) and 1556 (cluster 3303) connect at weight=86.0
2025-04-09 19:04:09.482 | DEBUG    | __main__:<module>:20 - Iteration 1451: Points 1575 (cluster 1575) and 1544 (cluster 1544) connect at weight=86.0
2025-04-09 19:04:09.482 | DEBUG    | __main__:<module>:20 - Iteration 1452: Points 1564 (cluster 1564) and 1304 (cluster 3338) connect at weight=86.0
2025-04-09 19:04:09.482 | DEBUG    | __main__:<module>:20 - Iteration 1453: Points 1562 (cluster 1562) and 1603 (cluster 1603) connect at weight=86.0
2025-04-09 19:04:09.482 | DEBUG    | __main__:<module>:20 - Iteration 1454: Points 1560 (cluster 1560) and 1473 (cluster 1473) connect at weight=86.0
2025-04-09 19:04:09.482 | DEBUG    | __main__:<module>:20 - Iteration 1455: Points 1558 (cluster 3302) and 1568 (cluster 1568) connect at weight=86.0
2025-04-09 19:04:09.483 | DEBUG    | __main__:<module>:20 - Iteration 1456: Points 1552 (cluster 1552) and 1288 (cluster 3260) connect at weight=86.0
2025-04-09 19:04:09.483 | DEBUG    | __main__:<module>:20 - Iteration 1457: Points 1545 (cluster 3307) and 1594 (cluster 3446) connect at weight=86.0
2025-04-09 19:04:09.483 | DEBUG    | __main__:<module>:20 - Iteration 1458: Points 1533 (cluster 1533) and 1315 (cluster 3373) connect at weight=86.0
2025-04-09 19:04:09.483 | DEBUG    | __main__:<module>:20 - Iteration 1459: Points 1531 (cluster 1531) and 1562 (cluster 3453) connect at weight=86.0
2025-04-09 19:04:09.483 | DEBUG    | __main__:<module>:20 - Iteration 1460: Points 1528 (cluster 3375) and 1670 (cluster 1670) connect at weight=86.0
2025-04-09 19:04:09.487 | DEBUG    | __main__:<module>:20 - Iteration 1461: Points 1520 (cluster 3318) and 1631 (cluster 3438) connect at weight=86.0
2025-04-09 19:04:09.487 | DEBUG    | __main__:<module>:20 - Iteration 1462: Points 1516 (cluster 3416) and 1624 (cluster 1624) connect at weight=86.0
2025-04-09 19:04:09.488 | DEBUG    | __main__:<module>:20 - Iteration 1463: Points 1513 (cluster 3428) and 1421 (cluster 3342) connect at weight=86.0
2025-04-09 19:04:09.488 | DEBUG    | __main__:<module>:20 - Iteration 1464: Points 1510 (cluster 1510) and 1646 (cluster 1646) connect at weight=86.0
2025-04-09 19:04:09.488 | DEBUG    | __main__:<module>:20 - Iteration 1465: Points 1501 (cluster 3360) and 1622 (cluster 1622) connect at weight=86.0
2025-04-09 19:04:09.488 | DEBUG    | __main__:<module>:20 - Iteration 1466: Points 1498 (cluster 3379) and 1673 (cluster 3427) connect at weight=86.0
2025-04-09 19:04:09.488 | DEBUG    | __main__:<module>:20 - Iteration 1467: Points 1496 (cluster 1496) and 1630 (cluster 1630) connect at weight=86.0
2025-04-09 19:04:09.489 | DEBUG    | __main__:<module>:20 - Iteration 1468: Points 1489 (cluster 1489) and 1590 (cluster 1590) connect at weight=86.0
2025-04-09 19:04:09.489 | DEBUG    | __main__:<module>:20 - Iteration 1469: Points 1484 (cluster 3420) and 1644 (cluster 3434) connect at weight=86.0
2025-04-09 19:04:09.489 | DEBUG    | __main__:<module>:20 - Iteration 1470: Points 1483 (cluster 3361) and 1639 (cluster 1639) connect at weight=86.0
2025-04-09 19:04:09.489 | DEBUG    | __main__:<module>:20 - Iteration 1471: Points 1479 (cluster 1479) and 1336 (cluster 3369) connect at weight=86.0
2025-04-09 19:04:09.489 | DEBUG    | __main__:<module>:20 - Iteration 1472: Points 1472 (cluster 1472) and 1335 (cluster 3243) connect at weight=86.0
2025-04-09 19:04:09.489 | DEBUG    | __main__:<module>:20 - Iteration 1473: Points 1465 (cluster 3394) and 1649 (cluster 1649) connect at weight=86.0
2025-04-09 19:04:09.490 | DEBUG    | __main__:<module>:20 - Iteration 1474: Points 1458 (cluster 1458) and 1385 (cluster 3357) connect at weight=86.0
2025-04-09 19:04:09.491 | DEBUG    | __main__:<module>:20 - Iteration 1475: Points 1448 (cluster 3469) and 1582 (cluster 1582) connect at weight=86.0
2025-04-09 19:04:09.491 | DEBUG    | __main__:<module>:20 - Iteration 1476: Points 1446 (cluster 1446) and 1462 (cluster 1462) connect at weight=86.0
2025-04-09 19:04:09.491 | DEBUG    | __main__:<module>:20 - Iteration 1477: Points 1441 (cluster 3460) and 1662 (cluster 1662) connect at weight=86.0
2025-04-09 19:04:09.491 | DEBUG    | __main__:<module>:20 - Iteration 1478: Points 1441 (cluster 3477) and 1203 (cluster 3257) connect at weight=86.0
2025-04-09 19:04:09.491 | DEBUG    | __main__:<module>:20 - Iteration 1479: Points 1439 (cluster 1439) and 1263 (cluster 3145) connect at weight=86.0
2025-04-09 19:04:09.492 | DEBUG    | __main__:<module>:20 - Iteration 1480: Points 1433 (cluster 1433) and 1381 (cluster 3358) connect at weight=86.0
2025-04-09 19:04:09.492 | DEBUG    | __main__:<module>:20 - Iteration 1481: Points 1432 (cluster 3312) and 1154 (cluster 3353) connect at weight=86.0
2025-04-09 19:04:09.492 | DEBUG    | __main__:<module>:20 - Iteration 1482: Points 1430 (cluster 1430) and 1439 (cluster 3479) connect at weight=86.0
2025-04-09 19:04:09.492 | DEBUG    | __main__:<module>:20 - Iteration 1483: Points 1429 (cluster 3432) and 1482 (cluster 1482) connect at weight=86.0
2025-04-09 19:04:09.492 | DEBUG    | __main__:<module>:20 - Iteration 1484: Points 1428 (cluster 3391) and 1519 (cluster 1519) connect at weight=86.0
2025-04-09 19:04:09.493 | DEBUG    | __main__:<module>:20 - Iteration 1485: Points 1425 (cluster 3382) and 1664 (cluster 1664) connect at weight=86.0
2025-04-09 19:04:09.493 | DEBUG    | __main__:<module>:20 - Iteration 1486: Points 1425 (cluster 3485) and 1592 (cluster 1592) connect at weight=86.0
2025-04-09 19:04:09.493 | DEBUG    | __main__:<module>:20 - Iteration 1487: Points 1420 (cluster 3399) and 1671 (cluster 1671) connect at weight=86.0
2025-04-09 19:04:09.493 | DEBUG    | __main__:<module>:20 - Iteration 1488: Points 1410 (cluster 3387) and 1656 (cluster 1656) connect at weight=86.0
2025-04-09 19:04:09.493 | DEBUG    | __main__:<module>:20 - Iteration 1489: Points 1408 (cluster 1408) and 1593 (cluster 1593) connect at weight=86.0
2025-04-09 19:04:09.494 | DEBUG    | __main__:<module>:20 - Iteration 1490: Points 1407 (cluster 3443) and 1575 (cluster 3451) connect at weight=86.0
2025-04-09 19:04:09.494 | DEBUG    | __main__:<module>:20 - Iteration 1491: Points 1406 (cluster 3419) and 1588 (cluster 1588) connect at weight=86.0
2025-04-09 19:04:09.494 | DEBUG    | __main__:<module>:20 - Iteration 1492: Points 1401 (cluster 3384) and 1618 (cluster 1618) connect at weight=86.0
2025-04-09 19:04:09.494 | DEBUG    | __main__:<module>:20 - Iteration 1493: Points 1391 (cluster 3478) and 1342 (cluster 3367) connect at weight=86.0
2025-04-09 19:04:09.494 | DEBUG    | __main__:<module>:20 - Iteration 1494: Points 1390 (cluster 1390) and 1489 (cluster 3468) connect at weight=86.0
2025-04-09 19:04:09.494 | DEBUG    | __main__:<module>:20 - Iteration 1495: Points 1388 (cluster 1388) and 1302 (cluster 3378) connect at weight=86.0
2025-04-09 19:04:09.495 | DEBUG    | __main__:<module>:20 - Iteration 1496: Points 1387 (cluster 3356) and 1598 (cluster 1598) connect at weight=86.0
2025-04-09 19:04:09.495 | DEBUG    | __main__:<module>:20 - Iteration 1497: Points 1386 (cluster 3495) and 1616 (cluster 1616) connect at weight=86.0
2025-04-09 19:04:09.495 | DEBUG    | __main__:<module>:20 - Iteration 1498: Points 1386 (cluster 3497) and 1427 (cluster 3202) connect at weight=86.0
2025-04-09 19:04:09.495 | DEBUG    | __main__:<module>:20 - Iteration 1499: Points 1383 (cluster 3458) and 1105 (cluster 3407) connect at weight=86.0
2025-04-09 19:04:09.495 | DEBUG    | __main__:<module>:20 - Iteration 1500: Points 1377 (cluster 3480) and 1051 (cluster 3278) connect at weight=86.0
2025-04-09 19:04:09.496 | DEBUG    | __main__:<module>:20 - Iteration 1501: Points 1372 (cluster 3390) and 1640 (cluster 1640) connect at weight=86.0
2025-04-09 19:04:09.496 | DEBUG    | __main__:<module>:20 - Iteration 1502: Points 1367 (cluster 3402) and 1657 (cluster 1657) connect at weight=86.0
2025-04-09 19:04:09.496 | DEBUG    | __main__:<module>:20 - Iteration 1503: Points 1350 (cluster 3308) and 1413 (cluster 1413) connect at weight=86.0
2025-04-09 19:04:09.496 | DEBUG    | __main__:<module>:20 - Iteration 1504: Points 1347 (cluster 3366) and 1597 (cluster 1597) connect at weight=86.0
2025-04-09 19:04:09.496 | DEBUG    | __main__:<module>:20 - Iteration 1505: Points 1334 (cluster 3217) and 1674 (cluster 1674) connect at weight=86.0
2025-04-09 19:04:09.496 | DEBUG    | __main__:<module>:20 - Iteration 1506: Points 1326 (cluster 3417) and 1370 (cluster 1370) connect at weight=86.0
2025-04-09 19:04:09.497 | DEBUG    | __main__:<module>:20 - Iteration 1507: Points 1325 (cluster 3496) and 1604 (cluster 1604) connect at weight=86.0
2025-04-09 19:04:09.497 | DEBUG    | __main__:<module>:20 - Iteration 1508: Points 1323 (cluster 3336) and 1409 (cluster 1409) connect at weight=86.0
2025-04-09 19:04:09.497 | DEBUG    | __main__:<module>:20 - Iteration 1509: Points 1316 (cluster 3265) and 1406 (cluster 3491) connect at weight=86.0
2025-04-09 19:04:09.497 | DEBUG    | __main__:<module>:20 - Iteration 1510: Points 1314 (cluster 3430) and 1528 (cluster 3493) connect at weight=86.0
2025-04-09 19:04:09.497 | DEBUG    | __main__:<module>:20 - Iteration 1511: Points 1306 (cluster 1306) and 1545 (cluster 3457) connect at weight=86.0
2025-04-09 19:04:09.498 | DEBUG    | __main__:<module>:20 - Iteration 1512: Points 1306 (cluster 3511) and 1210 (cluster 3473) connect at weight=86.0
2025-04-09 19:04:09.498 | DEBUG    | __main__:<module>:20 - Iteration 1513: Points 1290 (cluster 3500) and 1307 (cluster 1307) connect at weight=86.0
2025-04-09 19:04:09.498 | DEBUG    | __main__:<module>:20 - Iteration 1514: Points 1288 (cluster 3456) and 1682 (cluster 1682) connect at weight=86.0
2025-04-09 19:04:09.498 | DEBUG    | __main__:<module>:20 - Iteration 1515: Points 1286 (cluster 3296) and 1633 (cluster 1633) connect at weight=86.0
2025-04-09 19:04:09.498 | DEBUG    | __main__:<module>:20 - Iteration 1516: Points 1285 (cluster 3209) and 1584 (cluster 3448) connect at weight=86.0
2025-04-09 19:04:09.498 | DEBUG    | __main__:<module>:20 - Iteration 1517: Points 1282 (cluster 3486) and 1457 (cluster 1457) connect at weight=86.0
2025-04-09 19:04:09.499 | DEBUG    | __main__:<module>:20 - Iteration 1518: Points 1257 (cluster 3470) and 1437 (cluster 3508) connect at weight=86.0
2025-04-09 19:04:09.499 | DEBUG    | __main__:<module>:20 - Iteration 1519: Points 1256 (cluster 3488) and 1669 (cluster 1669) connect at weight=86.0
2025-04-09 19:04:09.499 | DEBUG    | __main__:<module>:20 - Iteration 1520: Points 1245 (cluster 3400) and 1368 (cluster 1368) connect at weight=86.0
2025-04-09 19:04:09.499 | DEBUG    | __main__:<module>:20 - Iteration 1521: Points 1243 (cluster 3444) and 1508 (cluster 1508) connect at weight=86.0
2025-04-09 19:04:09.499 | DEBUG    | __main__:<module>:20 - Iteration 1522: Points 1243 (cluster 3521) and 1340 (cluster 1340) connect at weight=86.0
2025-04-09 19:04:09.500 | DEBUG    | __main__:<module>:20 - Iteration 1523: Points 1239 (cluster 3347) and 1433 (cluster 3513) connect at weight=86.0
2025-04-09 19:04:09.500 | DEBUG    | __main__:<module>:20 - Iteration 1524: Points 1225 (cluster 3514) and 1205 (cluster 3282) connect at weight=86.0
2025-04-09 19:04:09.500 | DEBUG    | __main__:<module>:20 - Iteration 1525: Points 1215 (cluster 3393) and 1625 (cluster 1625) connect at weight=86.0
2025-04-09 19:04:09.500 | DEBUG    | __main__:<module>:20 - Iteration 1526: Points 1214 (cluster 3515) and 1626 (cluster 1626) connect at weight=86.0
2025-04-09 19:04:09.500 | DEBUG    | __main__:<module>:20 - Iteration 1527: Points 1208 (cluster 3525) and 1258 (cluster 3380) connect at weight=86.0
2025-04-09 19:04:09.500 | DEBUG    | __main__:<module>:20 - Iteration 1528: Points 1203 (cluster 3510) and 1539 (cluster 1539) connect at weight=86.0
2025-04-09 19:04:09.501 | DEBUG    | __main__:<module>:20 - Iteration 1529: Points 1199 (cluster 3395) and 1401 (cluster 3492) connect at weight=86.0
2025-04-09 19:04:09.501 | DEBUG    | __main__:<module>:20 - Iteration 1530: Points 1196 (cluster 3396) and 1666 (cluster 1666) connect at weight=86.0
2025-04-09 19:04:09.501 | DEBUG    | __main__:<module>:20 - Iteration 1531: Points 1194 (cluster 3404) and 1126 (cluster 3410) connect at weight=86.0
2025-04-09 19:04:09.501 | DEBUG    | __main__:<module>:20 - Iteration 1532: Points 1189 (cluster 3524) and 1680 (cluster 1680) connect at weight=86.0
2025-04-09 19:04:09.501 | DEBUG    | __main__:<module>:20 - Iteration 1533: Points 1184 (cluster 3472) and 1608 (cluster 3445) connect at weight=86.0
2025-04-09 19:04:09.502 | DEBUG    | __main__:<module>:20 - Iteration 1534: Points 1168 (cluster 1168) and 1215 (cluster 3527) connect at weight=86.0
2025-04-09 19:04:09.502 | DEBUG    | __main__:<module>:20 - Iteration 1535: Points 1164 (cluster 3532) and 1034 (cluster 3506) connect at weight=86.0
2025-04-09 19:04:09.502 | DEBUG    | __main__:<module>:20 - Iteration 1536: Points 1157 (cluster 1157) and 1306 (cluster 3512) connect at weight=86.0
2025-04-09 19:04:09.502 | DEBUG    | __main__:<module>:20 - Iteration 1537: Points 1147 (cluster 3520) and 1256 (cluster 3519) connect at weight=86.0
2025-04-09 19:04:09.502 | DEBUG    | __main__:<module>:20 - Iteration 1538: Points 1144 (cluster 3536) and 1393 (cluster 3516) connect at weight=86.0
2025-04-09 19:04:09.502 | DEBUG    | __main__:<module>:20 - Iteration 1539: Points 1137 (cluster 3212) and 1104 (cluster 3526) connect at weight=86.0
2025-04-09 19:04:09.503 | DEBUG    | __main__:<module>:20 - Iteration 1540: Points 1131 (cluster 3499) and 1479 (cluster 3471) connect at weight=86.0
2025-04-09 19:04:09.503 | DEBUG    | __main__:<module>:20 - Iteration 1541: Points 1101 (cluster 3414) and 1615 (cluster 1615) connect at weight=86.0
2025-04-09 19:04:09.503 | DEBUG    | __main__:<module>:20 - Iteration 1542: Points 1085 (cluster 3541) and 1605 (cluster 1605) connect at weight=86.0
2025-04-09 19:04:09.503 | DEBUG    | __main__:<module>:20 - Iteration 1543: Points 1079 (cluster 3466) and 1382 (cluster 3539) connect at weight=86.0
2025-04-09 19:04:09.503 | DEBUG    | __main__:<module>:20 - Iteration 1544: Points 1070 (cluster 3537) and 1683 (cluster 1683) connect at weight=86.0
2025-04-09 19:04:09.504 | DEBUG    | __main__:<module>:20 - Iteration 1545: Points 1070 (cluster 3544) and 1612 (cluster 3440) connect at weight=86.0
2025-04-09 19:04:09.504 | DEBUG    | __main__:<module>:20 - Iteration 1546: Points 1065 (cluster 3529) and 1677 (cluster 1677) connect at weight=86.0
2025-04-09 19:04:09.504 | DEBUG    | __main__:<module>:20 - Iteration 1547: Points 1065 (cluster 3546) and 1387 (cluster 3507) connect at weight=86.0
2025-04-09 19:04:09.504 | DEBUG    | __main__:<module>:20 - Iteration 1548: Points 1051 (cluster 3523) and 1658 (cluster 1658) connect at weight=86.0
2025-04-09 19:04:09.504 | DEBUG    | __main__:<module>:20 - Iteration 1549: Points 1048 (cluster 3542) and 1621 (cluster 1621) connect at weight=86.0
2025-04-09 19:04:09.504 | DEBUG    | __main__:<module>:20 - Iteration 1550: Points 1038 (cluster 3540) and 1585 (cluster 3447) connect at weight=86.0
2025-04-09 19:04:09.505 | DEBUG    | __main__:<module>:20 - Iteration 1551: Points 1015 (cluster 3535) and 1589 (cluster 1589) connect at weight=86.0
2025-04-09 19:04:09.505 | DEBUG    | __main__:<module>:20 - Iteration 1552: Points 1757 (cluster 1757) and 1713 (cluster 1713) connect at weight=85.0
2025-04-09 19:04:09.505 | DEBUG    | __main__:<module>:20 - Iteration 1553: Points 1749 (cluster 1749) and 1390 (cluster 3494) connect at weight=85.0
2025-04-09 19:04:09.505 | DEBUG    | __main__:<module>:20 - Iteration 1554: Points 1743 (cluster 1743) and 1693 (cluster 1693) connect at weight=85.0
2025-04-09 19:04:09.505 | DEBUG    | __main__:<module>:20 - Iteration 1555: Points 1741 (cluster 1741) and 1458 (cluster 3474) connect at weight=85.0
2025-04-09 19:04:09.506 | DEBUG    | __main__:<module>:20 - Iteration 1556: Points 1740 (cluster 1740) and 1714 (cluster 1714) connect at weight=85.0
2025-04-09 19:04:09.506 | DEBUG    | __main__:<module>:20 - Iteration 1557: Points 1729 (cluster 1729) and 1645 (cluster 3483) connect at weight=85.0
2025-04-09 19:04:09.506 | DEBUG    | __main__:<module>:20 - Iteration 1558: Points 1724 (cluster 1724) and 1576 (cluster 1576) connect at weight=85.0
2025-04-09 19:04:09.506 | DEBUG    | __main__:<module>:20 - Iteration 1559: Points 1720 (cluster 1720) and 1695 (cluster 1695) connect at weight=85.0
2025-04-09 19:04:09.506 | DEBUG    | __main__:<module>:20 - Iteration 1560: Points 1720 (cluster 3559) and 1551 (cluster 1551) connect at weight=85.0
2025-04-09 19:04:09.507 | DEBUG    | __main__:<module>:20 - Iteration 1561: Points 1717 (cluster 1717) and 1692 (cluster 1692) connect at weight=85.0
2025-04-09 19:04:09.507 | DEBUG    | __main__:<module>:20 - Iteration 1562: Points 1716 (cluster 1716) and 1681 (cluster 3423) connect at weight=85.0
2025-04-09 19:04:09.507 | DEBUG    | __main__:<module>:20 - Iteration 1563: Points 1702 (cluster 1702) and 1610 (cluster 3490) connect at weight=85.0
2025-04-09 19:04:09.507 | DEBUG    | __main__:<module>:20 - Iteration 1564: Points 1689 (cluster 1689) and 1636 (cluster 3436) connect at weight=85.0
2025-04-09 19:04:09.507 | DEBUG    | __main__:<module>:20 - Iteration 1565: Points 1687 (cluster 3422) and 1299 (cluster 3543) connect at weight=85.0
2025-04-09 19:04:09.508 | DEBUG    | __main__:<module>:20 - Iteration 1566: Points 1684 (cluster 1684) and 1564 (cluster 3452) connect at weight=85.0
2025-04-09 19:04:09.508 | DEBUG    | __main__:<module>:20 - Iteration 1567: Points 1682 (cluster 3551) and 1736 (cluster 1736) connect at weight=85.0
2025-04-09 19:04:09.508 | DEBUG    | __main__:<module>:20 - Iteration 1568: Points 1680 (cluster 3567) and 1701 (cluster 1701) connect at weight=85.0
2025-04-09 19:04:09.508 | DEBUG    | __main__:<module>:20 - Iteration 1569: Points 1671 (cluster 3487) and 1722 (cluster 1722) connect at weight=85.0
2025-04-09 19:04:09.508 | DEBUG    | __main__:<module>:20 - Iteration 1570: Points 1668 (cluster 1668) and 1614 (cluster 1614) connect at weight=85.0
2025-04-09 19:04:09.508 | DEBUG    | __main__:<module>:20 - Iteration 1571: Points 1666 (cluster 3530) and 1730 (cluster 1730) connect at weight=85.0
2025-04-09 19:04:09.509 | DEBUG    | __main__:<module>:20 - Iteration 1572: Points 1663 (cluster 1663) and 1525 (cluster 3317) connect at weight=85.0
2025-04-09 19:04:09.509 | DEBUG    | __main__:<module>:20 - Iteration 1573: Points 1661 (cluster 1661) and 1542 (cluster 3503) connect at weight=85.0
2025-04-09 19:04:09.509 | DEBUG    | __main__:<module>:20 - Iteration 1574: Points 1660 (cluster 1660) and 1430 (cluster 3482) connect at weight=85.0
2025-04-09 19:04:09.509 | DEBUG    | __main__:<module>:20 - Iteration 1575: Points 1659 (cluster 1659) and 1389 (cluster 3355) connect at weight=85.0
2025-04-09 19:04:09.509 | DEBUG    | __main__:<module>:20 - Iteration 1576: Points 1633 (cluster 3565) and 1569 (cluster 1569) connect at weight=85.0
2025-04-09 19:04:09.510 | DEBUG    | __main__:<module>:20 - Iteration 1577: Points 1631 (cluster 3461) and 1488 (cluster 1488) connect at weight=85.0
2025-04-09 19:04:09.511 | DEBUG    | __main__:<module>:20 - Iteration 1578: Points 1630 (cluster 3467) and 1685 (cluster 1685) connect at weight=85.0
2025-04-09 19:04:09.514 | DEBUG    | __main__:<module>:20 - Iteration 1579: Points 1627 (cluster 1627) and 1504 (cluster 1504) connect at weight=85.0
2025-04-09 19:04:09.515 | DEBUG    | __main__:<module>:20 - Iteration 1580: Points 1621 (cluster 3549) and 1698 (cluster 1698) connect at weight=85.0
2025-04-09 19:04:09.515 | DEBUG    | __main__:<module>:20 - Iteration 1581: Points 1608 (cluster 3533) and 1710 (cluster 1710) connect at weight=85.0
2025-04-09 19:04:09.515 | DEBUG    | __main__:<module>:20 - Iteration 1582: Points 1593 (cluster 3489) and 1758 (cluster 1758) connect at weight=85.0
2025-04-09 19:04:09.515 | DEBUG    | __main__:<module>:20 - Iteration 1583: Points 1593 (cluster 3582) and 1663 (cluster 3572) connect at weight=85.0
2025-04-09 19:04:09.515 | DEBUG    | __main__:<module>:20 - Iteration 1584: Points 1590 (cluster 3553) and 1157 (cluster 3538) connect at weight=85.0
2025-04-09 19:04:09.516 | DEBUG    | __main__:<module>:20 - Iteration 1585: Points 1583 (cluster 1583) and 1716 (cluster 3562) connect at weight=85.0
2025-04-09 19:04:09.516 | DEBUG    | __main__:<module>:20 - Iteration 1586: Points 1581 (cluster 3449) and 1704 (cluster 1704) connect at weight=85.0
2025-04-09 19:04:09.516 | DEBUG    | __main__:<module>:20 - Iteration 1587: Points 1568 (cluster 3455) and 1753 (cluster 1753) connect at weight=85.0
2025-04-09 19:04:09.516 | DEBUG    | __main__:<module>:20 - Iteration 1588: Points 1556 (cluster 3450) and 1160 (cluster 3484) connect at weight=85.0
2025-04-09 19:04:09.516 | DEBUG    | __main__:<module>:20 - Iteration 1589: Points 1553 (cluster 1553) and 1533 (cluster 3550) connect at weight=85.0
2025-04-09 19:04:09.517 | DEBUG    | __main__:<module>:20 - Iteration 1590: Points 1552 (cluster 3568) and 1599 (cluster 1599) connect at weight=85.0
2025-04-09 19:04:09.517 | DEBUG    | __main__:<module>:20 - Iteration 1591: Points 1551 (cluster 3560) and 1347 (cluster 3504) connect at weight=85.0
2025-04-09 19:04:09.517 | DEBUG    | __main__:<module>:20 - Iteration 1592: Points 1550 (cluster 3348) and 1719 (cluster 1719) connect at weight=85.0
2025-04-09 19:04:09.517 | DEBUG    | __main__:<module>:20 - Iteration 1593: Points 1550 (cluster 3592) and 1400 (cluster 1400) connect at weight=85.0
2025-04-09 19:04:09.517 | DEBUG    | __main__:<module>:20 - Iteration 1594: Points 1547 (cluster 3435) and 1566 (cluster 1566) connect at weight=85.0
2025-04-09 19:04:09.518 | DEBUG    | __main__:<module>:20 - Iteration 1595: Points 1544 (cluster 3563) and 1623 (cluster 1623) connect at weight=85.0
2025-04-09 19:04:09.518 | DEBUG    | __main__:<module>:20 - Iteration 1596: Points 1543 (cluster 1543) and 1199 (cluster 3547) connect at weight=85.0
2025-04-09 19:04:09.518 | DEBUG    | __main__:<module>:20 - Iteration 1597: Points 1540 (cluster 1540) and 1559 (cluster 3386) connect at weight=85.0
2025-04-09 19:04:09.518 | DEBUG    | __main__:<module>:20 - Iteration 1598: Points 1539 (cluster 3528) and 1486 (cluster 1486) connect at weight=85.0
2025-04-09 19:04:09.518 | DEBUG    | __main__:<module>:20 - Iteration 1599: Points 1538 (cluster 3569) and 1718 (cluster 1718) connect at weight=85.0
2025-04-09 19:04:09.518 | DEBUG    | __main__:<module>:20 - Iteration 1600: Points 1536 (cluster 3365) and 1308 (cluster 3518) connect at weight=85.0
2025-04-09 19:04:09.519 | DEBUG    | __main__:<module>:20 - Iteration 1601: Points 1535 (cluster 3596) and 1651 (cluster 3431) connect at weight=85.0
2025-04-09 19:04:09.519 | DEBUG    | __main__:<module>:20 - Iteration 1602: Points 1525 (cluster 3583) and 1737 (cluster 1737) connect at weight=85.0
2025-04-09 19:04:09.519 | DEBUG    | __main__:<module>:20 - Iteration 1603: Points 1510 (cluster 3464) and 1333 (cluster 3509) connect at weight=85.0
2025-04-09 19:04:09.519 | DEBUG    | __main__:<module>:20 - Iteration 1604: Points 1505 (cluster 3603) and 1759 (cluster 1759) connect at weight=85.0
2025-04-09 19:04:09.519 | DEBUG    | __main__:<module>:20 - Iteration 1605: Points 1496 (cluster 3578) and 1732 (cluster 1732) connect at weight=85.0
2025-04-09 19:04:09.519 | DEBUG    | __main__:<module>:20 - Iteration 1606: Points 1478 (cluster 3328) and 1560 (cluster 3454) connect at weight=85.0
2025-04-09 19:04:09.520 | DEBUG    | __main__:<module>:20 - Iteration 1607: Points 1477 (cluster 3413) and 1750 (cluster 1750) connect at weight=85.0
2025-04-09 19:04:09.520 | DEBUG    | __main__:<module>:20 - Iteration 1608: Points 1476 (cluster 3335) and 1502 (cluster 1502) connect at weight=85.0
2025-04-09 19:04:09.520 | DEBUG    | __main__:<module>:20 - Iteration 1609: Points 1475 (cluster 3586) and 1496 (cluster 3605) connect at weight=85.0
2025-04-09 19:04:09.520 | DEBUG    | __main__:<module>:20 - Iteration 1610: Points 1453 (cluster 3591) and 1472 (cluster 3581) connect at weight=85.0
2025-04-09 19:04:09.520 | DEBUG    | __main__:<module>:20 - Iteration 1611: Points 1451 (cluster 3597) and 1660 (cluster 3574) connect at weight=85.0
2025-04-09 19:04:09.521 | DEBUG    | __main__:<module>:20 - Iteration 1612: Points 1440 (cluster 3501) and 1699 (cluster 1699) connect at weight=85.0
2025-04-09 19:04:09.521 | DEBUG    | __main__:<module>:20 - Iteration 1613: Points 1438 (cluster 3439) and 1735 (cluster 1735) connect at weight=85.0
2025-04-09 19:04:09.521 | DEBUG    | __main__:<module>:20 - Iteration 1614: Points 1438 (cluster 3613) and 1168 (cluster 3534) connect at weight=85.0
2025-04-09 19:04:09.521 | DEBUG    | __main__:<module>:20 - Iteration 1615: Points 1434 (cluster 3566) and 1679 (cluster 3425) connect at weight=85.0
2025-04-09 19:04:09.521 | DEBUG    | __main__:<module>:20 - Iteration 1616: Points 1425 (cluster 3517) and 1487 (cluster 3324) connect at weight=85.0
2025-04-09 19:04:09.522 | DEBUG    | __main__:<module>:20 - Iteration 1617: Points 1422 (cluster 3465) and 1725 (cluster 1725) connect at weight=85.0
2025-04-09 19:04:09.522 | DEBUG    | __main__:<module>:20 - Iteration 1618: Points 1421 (cluster 3463) and 1703 (cluster 1703) connect at weight=85.0
2025-04-09 19:04:09.522 | DEBUG    | __main__:<module>:20 - Iteration 1619: Points 1417 (cluster 3304) and 1697 (cluster 1697) connect at weight=85.0
2025-04-09 19:04:09.522 | DEBUG    | __main__:<module>:20 - Iteration 1620: Points 1415 (cluster 3548) and 1688 (cluster 1688) connect at weight=85.0
2025-04-09 19:04:09.522 | DEBUG    | __main__:<module>:20 - Iteration 1621: Points 1409 (cluster 3600) and 1573 (cluster 1573) connect at weight=85.0
2025-04-09 19:04:09.522 | DEBUG    | __main__:<module>:20 - Iteration 1622: Points 1398 (cluster 3621) and 1690 (cluster 1690) connect at weight=85.0
2025-04-09 19:04:09.523 | DEBUG    | __main__:<module>:20 - Iteration 1623: Points 1393 (cluster 3584) and 1686 (cluster 1686) connect at weight=85.0
2025-04-09 19:04:09.523 | DEBUG    | __main__:<module>:20 - Iteration 1624: Points 1392 (cluster 3589) and 1170 (cluster 3622) connect at weight=85.0
2025-04-09 19:04:09.523 | DEBUG    | __main__:<module>:20 - Iteration 1625: Points 1372 (cluster 3612) and 1720 (cluster 3610) connect at weight=85.0
2025-04-09 19:04:09.523 | DEBUG    | __main__:<module>:20 - Iteration 1626: Points 1369 (cluster 1369) and 1510 (cluster 3604) connect at weight=85.0
2025-04-09 19:04:09.523 | DEBUG    | __main__:<module>:20 - Iteration 1627: Points 1351 (cluster 3349) and 1747 (cluster 1747) connect at weight=85.0
2025-04-09 19:04:09.524 | DEBUG    | __main__:<module>:20 - Iteration 1628: Points 1343 (cluster 3531) and 1369 (cluster 3626) connect at weight=85.0
2025-04-09 19:04:09.524 | DEBUG    | __main__:<module>:20 - Iteration 1629: Points 1338 (cluster 3502) and 1549 (cluster 3619) connect at weight=85.0
2025-04-09 19:04:09.524 | DEBUG    | __main__:<module>:20 - Iteration 1630: Points 1322 (cluster 3505) and 1741 (cluster 3555) connect at weight=85.0
2025-04-09 19:04:09.524 | DEBUG    | __main__:<module>:20 - Iteration 1631: Points 1310 (cluster 3588) and 1733 (cluster 1733) connect at weight=85.0
2025-04-09 19:04:09.524 | DEBUG    | __main__:<module>:20 - Iteration 1632: Points 1308 (cluster 3624) and 1754 (cluster 1754) connect at weight=85.0
2025-04-09 19:04:09.524 | DEBUG    | __main__:<module>:20 - Iteration 1633: Points 1307 (cluster 3620) and 1275 (cluster 1275) connect at weight=85.0
2025-04-09 19:04:09.525 | DEBUG    | __main__:<module>:20 - Iteration 1634: Points 1301 (cluster 3598) and 1606 (cluster 1606) connect at weight=85.0
2025-04-09 19:04:09.525 | DEBUG    | __main__:<module>:20 - Iteration 1635: Points 1300 (cluster 3614) and 1537 (cluster 3607) connect at weight=85.0
2025-04-09 19:04:09.525 | DEBUG    | __main__:<module>:20 - Iteration 1636: Points 1283 (cluster 3388) and 1480 (cluster 1480) connect at weight=85.0
2025-04-09 19:04:09.525 | DEBUG    | __main__:<module>:20 - Iteration 1637: Points 1275 (cluster 3633) and 1672 (cluster 3618) connect at weight=85.0
2025-04-09 19:04:09.525 | DEBUG    | __main__:<module>:20 - Iteration 1638: Points 1274 (cluster 3426) and 1497 (cluster 3636) connect at weight=85.0
2025-04-09 19:04:09.526 | DEBUG    | __main__:<module>:20 - Iteration 1639: Points 1266 (cluster 3635) and 1509 (cluster 1509) connect at weight=85.0
2025-04-09 19:04:09.526 | DEBUG    | __main__:<module>:20 - Iteration 1640: Points 1265 (cluster 3441) and 1752 (cluster 1752) connect at weight=85.0
2025-04-09 19:04:09.526 | DEBUG    | __main__:<module>:20 - Iteration 1641: Points 1263 (cluster 3611) and 1755 (cluster 1755) connect at weight=85.0
2025-04-09 19:04:09.526 | DEBUG    | __main__:<module>:20 - Iteration 1642: Points 1258 (cluster 3639) and 1652 (cluster 1652) connect at weight=85.0
2025-04-09 19:04:09.526 | DEBUG    | __main__:<module>:20 - Iteration 1643: Points 1250 (cluster 3403) and 1572 (cluster 1572) connect at weight=85.0
2025-04-09 19:04:09.526 | DEBUG    | __main__:<module>:20 - Iteration 1644: Points 1243 (cluster 3522) and 1717 (cluster 3561) connect at weight=85.0
2025-04-09 19:04:09.527 | DEBUG    | __main__:<module>:20 - Iteration 1645: Points 1239 (cluster 3637) and 1721 (cluster 1721) connect at weight=85.0
2025-04-09 19:04:09.527 | DEBUG    | __main__:<module>:20 - Iteration 1646: Points 1229 (cluster 3481) and 1287 (cluster 3571) connect at weight=85.0
2025-04-09 19:04:09.527 | DEBUG    | __main__:<module>:20 - Iteration 1647: Points 1221 (cluster 3616) and 1529 (cluster 3315) connect at weight=85.0
2025-04-09 19:04:09.527 | DEBUG    | __main__:<module>:20 - Iteration 1648: Points 1215 (cluster 3642) and 1587 (cluster 1587) connect at weight=85.0
2025-04-09 19:04:09.527 | DEBUG    | __main__:<module>:20 - Iteration 1649: Points 1210 (cluster 3623) and 1709 (cluster 1709) connect at weight=85.0
2025-04-09 19:04:09.528 | DEBUG    | __main__:<module>:20 - Iteration 1650: Points 1198 (cluster 3580) and 1440 (cluster 3625) connect at weight=85.0
2025-04-09 19:04:09.528 | DEBUG    | __main__:<module>:20 - Iteration 1651: Points 1197 (cluster 3641) and 1708 (cluster 1708) connect at weight=85.0
2025-04-09 19:04:09.528 | DEBUG    | __main__:<module>:20 - Iteration 1652: Points 1197 (cluster 3651) and 1580 (cluster 1580) connect at weight=85.0
2025-04-09 19:04:09.528 | DEBUG    | __main__:<module>:20 - Iteration 1653: Points 1186 (cluster 3646) and 1629 (cluster 1629) connect at weight=85.0
2025-04-09 19:04:09.528 | DEBUG    | __main__:<module>:20 - Iteration 1654: Points 1160 (cluster 3631) and 1700 (cluster 1700) connect at weight=85.0
2025-04-09 19:04:09.532 | DEBUG    | __main__:<module>:20 - Iteration 1655: Points 1159 (cluster 3462) and 1738 (cluster 1738) connect at weight=85.0
2025-04-09 19:04:09.532 | DEBUG    | __main__:<module>:20 - Iteration 1656: Points 1137 (cluster 3576) and 1751 (cluster 1751) connect at weight=85.0
2025-04-09 19:04:09.533 | DEBUG    | __main__:<module>:20 - Iteration 1657: Points 1136 (cluster 3475) and 1388 (cluster 3498) connect at weight=85.0
2025-04-09 19:04:09.533 | DEBUG    | __main__:<module>:20 - Iteration 1658: Points 1113 (cluster 3256) and 1459 (cluster 1459) connect at weight=85.0
2025-04-09 19:04:09.533 | DEBUG    | __main__:<module>:20 - Iteration 1659: Points 1032 (cluster 3628) and 1728 (cluster 1728) connect at weight=85.0
2025-04-09 19:04:09.533 | DEBUG    | __main__:<module>:20 - Iteration 1660: Points 1815 (cluster 1815) and 1540 (cluster 3652) connect at weight=84.0
2025-04-09 19:04:09.534 | DEBUG    | __main__:<module>:20 - Iteration 1661: Points 1812 (cluster 1812) and 1802 (cluster 1802) connect at weight=84.0
2025-04-09 19:04:09.534 | DEBUG    | __main__:<module>:20 - Iteration 1662: Points 1811 (cluster 1811) and 1810 (cluster 1810) connect at weight=84.0
2025-04-09 19:04:09.534 | DEBUG    | __main__:<module>:20 - Iteration 1663: Points 1808 (cluster 1808) and 1724 (cluster 3558) connect at weight=84.0
2025-04-09 19:04:09.534 | DEBUG    | __main__:<module>:20 - Iteration 1664: Points 1803 (cluster 1803) and 1785 (cluster 1785) connect at weight=84.0
2025-04-09 19:04:09.534 | DEBUG    | __main__:<module>:20 - Iteration 1665: Points 1799 (cluster 1799) and 1749 (cluster 3649) connect at weight=84.0
2025-04-09 19:04:09.534 | DEBUG    | __main__:<module>:20 - Iteration 1666: Points 1793 (cluster 1793) and 1334 (cluster 3630) connect at weight=84.0
2025-04-09 19:04:09.535 | DEBUG    | __main__:<module>:20 - Iteration 1667: Points 1773 (cluster 1773) and 1668 (cluster 3570) connect at weight=84.0
2025-04-09 19:04:09.535 | DEBUG    | __main__:<module>:20 - Iteration 1668: Points 1763 (cluster 1763) and 1099 (cluster 3657) connect at weight=84.0
2025-04-09 19:04:09.535 | DEBUG    | __main__:<module>:20 - Iteration 1669: Points 1761 (cluster 1761) and 1541 (cluster 1541) connect at weight=84.0
2025-04-09 19:04:09.535 | DEBUG    | __main__:<module>:20 - Iteration 1670: Points 1760 (cluster 1760) and 1543 (cluster 3601) connect at weight=84.0
2025-04-09 19:04:09.535 | DEBUG    | __main__:<module>:20 - Iteration 1671: Points 1756 (cluster 1756) and 1740 (cluster 3556) connect at weight=84.0
2025-04-09 19:04:09.536 | DEBUG    | __main__:<module>:20 - Iteration 1672: Points 1748 (cluster 1748) and 1696 (cluster 1696) connect at weight=84.0
2025-04-09 19:04:09.536 | DEBUG    | __main__:<module>:20 - Iteration 1673: Points 1748 (cluster 3672) and 1578 (cluster 3654) connect at weight=84.0
2025-04-09 19:04:09.536 | DEBUG    | __main__:<module>:20 - Iteration 1674: Points 1745 (cluster 1745) and 1743 (cluster 3554) connect at weight=84.0
2025-04-09 19:04:09.536 | DEBUG    | __main__:<module>:20 - Iteration 1675: Points 1745 (cluster 3674) and 1705 (cluster 1705) connect at weight=84.0
2025-04-09 19:04:09.536 | DEBUG    | __main__:<module>:20 - Iteration 1676: Points 1744 (cluster 1744) and 1763 (cluster 3668) connect at weight=84.0
2025-04-09 19:04:09.536 | DEBUG    | __main__:<module>:20 - Iteration 1677: Points 1743 (cluster 3675) and 1760 (cluster 3670) connect at weight=84.0
2025-04-09 19:04:09.537 | DEBUG    | __main__:<module>:20 - Iteration 1678: Points 1740 (cluster 3671) and 1746 (cluster 1746) connect at weight=84.0
2025-04-09 19:04:09.537 | DEBUG    | __main__:<module>:20 - Iteration 1679: Points 1739 (cluster 1739) and 1787 (cluster 1787) connect at weight=84.0
2025-04-09 19:04:09.537 | DEBUG    | __main__:<module>:20 - Iteration 1680: Points 1738 (cluster 3655) and 1812 (cluster 3661) connect at weight=84.0
2025-04-09 19:04:09.537 | DEBUG    | __main__:<module>:20 - Iteration 1681: Points 1726 (cluster 1726) and 1723 (cluster 1723) connect at weight=84.0
2025-04-09 19:04:09.537 | DEBUG    | __main__:<module>:20 - Iteration 1682: Points 1725 (cluster 3617) and 1757 (cluster 3552) connect at weight=84.0
2025-04-09 19:04:09.538 | DEBUG    | __main__:<module>:20 - Iteration 1683: Points 1720 (cluster 3650) and 1774 (cluster 1774) connect at weight=84.0
2025-04-09 19:04:09.538 | DEBUG    | __main__:<module>:20 - Iteration 1684: Points 1717 (cluster 3644) and 1591 (cluster 1591) connect at weight=84.0
2025-04-09 19:04:09.538 | DEBUG    | __main__:<module>:20 - Iteration 1685: Points 1708 (cluster 3660) and 1805 (cluster 1805) connect at weight=84.0
2025-04-09 19:04:09.538 | DEBUG    | __main__:<module>:20 - Iteration 1686: Points 1699 (cluster 3683) and 1788 (cluster 1788) connect at weight=84.0
2025-04-09 19:04:09.538 | DEBUG    | __main__:<module>:20 - Iteration 1687: Points 1694 (cluster 1694) and 1466 (cluster 1466) connect at weight=84.0
2025-04-09 19:04:09.539 | DEBUG    | __main__:<module>:20 - Iteration 1688: Points 1689 (cluster 3564) and 1665 (cluster 3634) connect at weight=84.0
2025-04-09 19:04:09.539 | DEBUG    | __main__:<module>:20 - Iteration 1689: Points 1676 (cluster 1676) and 1627 (cluster 3579) connect at weight=84.0
2025-04-09 19:04:09.539 | DEBUG    | __main__:<module>:20 - Iteration 1690: Points 1675 (cluster 1675) and 1781 (cluster 1781) connect at weight=84.0
2025-04-09 19:04:09.541 | DEBUG    | __main__:<module>:20 - Iteration 1691: Points 1674 (cluster 3666) and 1766 (cluster 1766) connect at weight=84.0
2025-04-09 19:04:09.541 | DEBUG    | __main__:<module>:20 - Iteration 1692: Points 1673 (cluster 3656) and 1767 (cluster 1767) connect at weight=84.0
2025-04-09 19:04:09.541 | DEBUG    | __main__:<module>:20 - Iteration 1693: Points 1667 (cluster 1667) and 1178 (cluster 3629) connect at weight=84.0
2025-04-09 19:04:09.542 | DEBUG    | __main__:<module>:20 - Iteration 1694: Points 1656 (cluster 3545) and 1756 (cluster 3678) connect at weight=84.0
2025-04-09 19:04:09.542 | DEBUG    | __main__:<module>:20 - Iteration 1695: Points 1655 (cluster 1655) and 1689 (cluster 3688) connect at weight=84.0
2025-04-09 19:04:09.542 | DEBUG    | __main__:<module>:20 - Iteration 1696: Points 1652 (cluster 3648) and 1800 (cluster 1800) connect at weight=84.0
2025-04-09 19:04:09.542 | DEBUG    | __main__:<module>:20 - Iteration 1697: Points 1641 (cluster 1641) and 1563 (cluster 3299) connect at weight=84.0
2025-04-09 19:04:09.542 | DEBUG    | __main__:<module>:20 - Iteration 1698: Points 1639 (cluster 3632) and 1770 (cluster 1770) connect at weight=84.0
2025-04-09 19:04:09.542 | DEBUG    | __main__:<module>:20 - Iteration 1699: Points 1638 (cluster 1638) and 1602 (cluster 1602) connect at weight=84.0
2025-04-09 19:04:09.543 | DEBUG    | __main__:<module>:20 - Iteration 1700: Points 1611 (cluster 3640) and 1780 (cluster 1780) connect at weight=84.0
2025-04-09 19:04:09.543 | DEBUG    | __main__:<module>:20 - Iteration 1701: Points 1607 (cluster 1607) and 1778 (cluster 1778) connect at weight=84.0
2025-04-09 19:04:09.543 | DEBUG    | __main__:<module>:20 - Iteration 1702: Points 1606 (cluster 3695) and 1586 (cluster 1586) connect at weight=84.0
2025-04-09 19:04:09.543 | DEBUG    | __main__:<module>:20 - Iteration 1703: Points 1603 (cluster 3459) and 1734 (cluster 1734) connect at weight=84.0
2025-04-09 19:04:09.543 | DEBUG    | __main__:<module>:20 - Iteration 1704: Points 1603 (cluster 3703) and 1711 (cluster 1711) connect at weight=84.0
2025-04-09 19:04:09.544 | DEBUG    | __main__:<module>:20 - Iteration 1705: Points 1602 (cluster 3699) and 1282 (cluster 3647) connect at weight=84.0
2025-04-09 19:04:09.544 | DEBUG    | __main__:<module>:20 - Iteration 1706: Points 1601 (cluster 1601) and 1793 (cluster 3691) connect at weight=84.0
2025-04-09 19:04:09.545 | DEBUG    | __main__:<module>:20 - Iteration 1707: Points 1596 (cluster 1596) and 1506 (cluster 1506) connect at weight=84.0
2025-04-09 19:04:09.545 | DEBUG    | __main__:<module>:20 - Iteration 1708: Points 1595 (cluster 1595) and 1762 (cluster 1762) connect at weight=84.0
2025-04-09 19:04:09.545 | DEBUG    | __main__:<module>:20 - Iteration 1709: Points 1580 (cluster 3685) and 1548 (cluster 3305) connect at weight=84.0
2025-04-09 19:04:09.545 | DEBUG    | __main__:<module>:20 - Iteration 1710: Points 1573 (cluster 3698) and 1745 (cluster 3677) connect at weight=84.0
2025-04-09 19:04:09.545 | DEBUG    | __main__:<module>:20 - Iteration 1711: Points 1572 (cluster 3643) and 1655 (cluster 3702) connect at weight=84.0
2025-04-09 19:04:09.546 | DEBUG    | __main__:<module>:20 - Iteration 1712: Points 1563 (cluster 3697) and 1609 (cluster 3684) connect at weight=84.0
2025-04-09 19:04:09.546 | DEBUG    | __main__:<module>:20 - Iteration 1713: Points 1561 (cluster 3659) and 1799 (cluster 3665) connect at weight=84.0
2025-04-09 19:04:09.546 | DEBUG    | __main__:<module>:20 - Iteration 1714: Points 1560 (cluster 3606) and 1577 (cluster 1577) connect at weight=84.0
2025-04-09 19:04:09.546 | DEBUG    | __main__:<module>:20 - Iteration 1715: Points 1559 (cluster 3709) and 1784 (cluster 1784) connect at weight=84.0
2025-04-09 19:04:09.546 | DEBUG    | __main__:<module>:20 - Iteration 1716: Points 1542 (cluster 3573) and 1727 (cluster 1727) connect at weight=84.0
2025-04-09 19:04:09.547 | DEBUG    | __main__:<module>:20 - Iteration 1717: Points 1541 (cluster 3669) and 1177 (cluster 1177) connect at weight=84.0
2025-04-09 19:04:09.547 | DEBUG    | __main__:<module>:20 - Iteration 1718: Points 1538 (cluster 3599) and 1611 (cluster 3700) connect at weight=84.0
2025-04-09 19:04:09.547 | DEBUG    | __main__:<module>:20 - Iteration 1719: Points 1525 (cluster 3602) and 1712 (cluster 1712) connect at weight=84.0
2025-04-09 19:04:09.547 | DEBUG    | __main__:<module>:20 - Iteration 1720: Points 1522 (cluster 3715) and 1795 (cluster 1795) connect at weight=84.0
2025-04-09 19:04:09.548 | DEBUG    | __main__:<module>:20 - Iteration 1721: Points 1504 (cluster 3689) and 1808 (cluster 3663) connect at weight=84.0
2025-04-09 19:04:09.548 | DEBUG    | __main__:<module>:20 - Iteration 1722: Points 1476 (cluster 3608) and 1471 (cluster 1471) connect at weight=84.0
2025-04-09 19:04:09.548 | DEBUG    | __main__:<module>:20 - Iteration 1723: Points 1471 (cluster 3722) and 1378 (cluster 3682) connect at weight=84.0
2025-04-09 19:04:09.548 | DEBUG    | __main__:<module>:20 - Iteration 1724: Points 1462 (cluster 3476) and 1062 (cluster 3680) connect at weight=84.0
2025-04-09 19:04:09.548 | DEBUG    | __main__:<module>:20 - Iteration 1725: Points 1450 (cluster 3694) and 1776 (cluster 1776) connect at weight=84.0
2025-04-09 19:04:09.549 | DEBUG    | __main__:<module>:20 - Iteration 1726: Points 1423 (cluster 3653) and 1789 (cluster 1789) connect at weight=84.0
2025-04-09 19:04:09.549 | DEBUG    | __main__:<module>:20 - Iteration 1727: Points 1413 (cluster 3716) and 1581 (cluster 3609) connect at weight=84.0
2025-04-09 19:04:09.549 | DEBUG    | __main__:<module>:20 - Iteration 1728: Points 1402 (cluster 3718) and 1520 (cluster 3577) connect at weight=84.0
2025-04-09 19:04:09.549 | DEBUG    | __main__:<module>:20 - Iteration 1729: Points 1355 (cluster 1355) and 1809 (cluster 1809) connect at weight=84.0
2025-04-09 19:04:09.549 | DEBUG    | __main__:<module>:20 - Iteration 1730: Points 1346 (cluster 3686) and 1794 (cluster 1794) connect at weight=84.0
2025-04-09 19:04:09.550 | DEBUG    | __main__:<module>:20 - Iteration 1731: Points 1343 (cluster 3713) and 1777 (cluster 1777) connect at weight=84.0
2025-04-09 19:04:09.550 | DEBUG    | __main__:<module>:20 - Iteration 1732: Points 1340 (cluster 3712) and 1601 (cluster 3706) connect at weight=84.0
2025-04-09 19:04:09.551 | DEBUG    | __main__:<module>:20 - Iteration 1733: Points 1326 (cluster 3590) and 1804 (cluster 1804) connect at weight=84.0
2025-04-09 19:04:09.552 | DEBUG    | __main__:<module>:20 - Iteration 1734: Points 1310 (cluster 3673) and 1534 (cluster 3726) connect at weight=84.0
2025-04-09 19:04:09.552 | DEBUG    | __main__:<module>:20 - Iteration 1735: Points 1300 (cluster 3696) and 1707 (cluster 1707) connect at weight=84.0
2025-04-09 19:04:09.552 | DEBUG    | __main__:<module>:20 - Iteration 1736: Points 1285 (cluster 3731) and 1596 (cluster 3707) connect at weight=84.0
2025-04-09 19:04:09.552 | DEBUG    | __main__:<module>:20 - Iteration 1737: Points 1279 (cluster 3734) and 1687 (cluster 3692) connect at weight=84.0
2025-04-09 19:04:09.553 | DEBUG    | __main__:<module>:20 - Iteration 1738: Points 1201 (cluster 3730) and 1715 (cluster 1715) connect at weight=84.0
2025-04-09 19:04:09.553 | DEBUG    | __main__:<module>:20 - Iteration 1739: Points 1177 (cluster 3717) and 1744 (cluster 3676) connect at weight=84.0
2025-04-09 19:04:09.553 | DEBUG    | __main__:<module>:20 - Iteration 1740: Points 1176 (cluster 3724) and 1070 (cluster 3725) connect at weight=84.0
2025-04-09 19:04:09.553 | DEBUG    | __main__:<module>:20 - Iteration 1741: Points 1143 (cluster 3645) and 1786 (cluster 1786) connect at weight=84.0
2025-04-09 19:04:09.553 | DEBUG    | __main__:<module>:20 - Iteration 1742: Points 1083 (cluster 3737) and 1791 (cluster 1791) connect at weight=84.0
2025-04-09 19:04:09.554 | DEBUG    | __main__:<module>:20 - Iteration 1743: Points 1855 (cluster 1855) and 1792 (cluster 1792) connect at weight=83.0
2025-04-09 19:04:09.554 | DEBUG    | __main__:<module>:20 - Iteration 1744: Points 1849 (cluster 1849) and 1820 (cluster 1820) connect at weight=83.0
2025-04-09 19:04:09.554 | DEBUG    | __main__:<module>:20 - Iteration 1745: Points 1847 (cluster 1847) and 1826 (cluster 1826) connect at weight=83.0
2025-04-09 19:04:09.554 | DEBUG    | __main__:<module>:20 - Iteration 1746: Points 1842 (cluster 1842) and 1840 (cluster 1840) connect at weight=83.0
2025-04-09 19:04:09.554 | DEBUG    | __main__:<module>:20 - Iteration 1747: Points 1837 (cluster 1837) and 1821 (cluster 1821) connect at weight=83.0
2025-04-09 19:04:09.554 | DEBUG    | __main__:<module>:20 - Iteration 1748: Points 1830 (cluster 1830) and 1773 (cluster 3667) connect at weight=83.0
2025-04-09 19:04:09.555 | DEBUG    | __main__:<module>:20 - Iteration 1749: Points 1814 (cluster 1814) and 1807 (cluster 1807) connect at weight=83.0
2025-04-09 19:04:09.555 | DEBUG    | __main__:<module>:20 - Iteration 1750: Points 1813 (cluster 1813) and 1830 (cluster 3748) connect at weight=83.0
2025-04-09 19:04:09.556 | DEBUG    | __main__:<module>:20 - Iteration 1751: Points 1808 (cluster 3721) and 1842 (cluster 3746) connect at weight=83.0
2025-04-09 19:04:09.556 | DEBUG    | __main__:<module>:20 - Iteration 1752: Points 1799 (cluster 3736) and 1862 (cluster 1862) connect at weight=83.0
2025-04-09 19:04:09.556 | DEBUG    | __main__:<module>:20 - Iteration 1753: Points 1796 (cluster 1796) and 1654 (cluster 1654) connect at weight=83.0
2025-04-09 19:04:09.557 | DEBUG    | __main__:<module>:20 - Iteration 1754: Points 1792 (cluster 3743) and 1531 (cluster 3704) connect at weight=83.0
2025-04-09 19:04:09.557 | DEBUG    | __main__:<module>:20 - Iteration 1755: Points 1787 (cluster 3679) and 1426 (cluster 3593) connect at weight=83.0
2025-04-09 19:04:09.557 | DEBUG    | __main__:<module>:20 - Iteration 1756: Points 1783 (cluster 1783) and 1617 (cluster 3735) connect at weight=83.0
2025-04-09 19:04:09.557 | DEBUG    | __main__:<module>:20 - Iteration 1757: Points 1779 (cluster 1779) and 1841 (cluster 1841) connect at weight=83.0
2025-04-09 19:04:09.557 | DEBUG    | __main__:<module>:20 - Iteration 1758: Points 1778 (cluster 3701) and 1813 (cluster 3750) connect at weight=83.0
2025-04-09 19:04:09.558 | DEBUG    | __main__:<module>:20 - Iteration 1759: Points 1775 (cluster 1775) and 1675 (cluster 3690) connect at weight=83.0
2025-04-09 19:04:09.558 | DEBUG    | __main__:<module>:20 - Iteration 1760: Points 1769 (cluster 1769) and 1768 (cluster 1768) connect at weight=83.0
2025-04-09 19:04:09.558 | DEBUG    | __main__:<module>:20 - Iteration 1761: Points 1762 (cluster 3708) and 1775 (cluster 3759) connect at weight=83.0
2025-04-09 19:04:09.559 | DEBUG    | __main__:<module>:20 - Iteration 1762: Points 1760 (cluster 3710) and 1825 (cluster 1825) connect at weight=83.0
2025-04-09 19:04:09.559 | DEBUG    | __main__:<module>:20 - Iteration 1763: Points 1756 (cluster 3740) and 1859 (cluster 1859) connect at weight=83.0
2025-04-09 19:04:09.560 | DEBUG    | __main__:<module>:20 - Iteration 1764: Points 1753 (cluster 3587) and 1816 (cluster 1816) connect at weight=83.0
2025-04-09 19:04:09.560 | DEBUG    | __main__:<module>:20 - Iteration 1765: Points 1748 (cluster 3742) and 1848 (cluster 1848) connect at weight=83.0
2025-04-09 19:04:09.560 | DEBUG    | __main__:<module>:20 - Iteration 1766: Points 1744 (cluster 3739) and 1801 (cluster 1801) connect at weight=83.0
2025-04-09 19:04:09.560 | DEBUG    | __main__:<module>:20 - Iteration 1767: Points 1742 (cluster 1742) and 1783 (cluster 3756) connect at weight=83.0
2025-04-09 19:04:09.561 | DEBUG    | __main__:<module>:20 - Iteration 1768: Points 1741 (cluster 3732) and 1772 (cluster 1772) connect at weight=83.0
2025-04-09 19:04:09.561 | DEBUG    | __main__:<module>:20 - Iteration 1769: Points 1737 (cluster 3719) and 1764 (cluster 1764) connect at weight=83.0
2025-04-09 19:04:09.561 | DEBUG    | __main__:<module>:20 - Iteration 1770: Points 1735 (cluster 3767) and 1833 (cluster 1833) connect at weight=83.0
2025-04-09 19:04:09.561 | DEBUG    | __main__:<module>:20 - Iteration 1771: Points 1733 (cluster 3765) and 1847 (cluster 3745) connect at weight=83.0
2025-04-09 19:04:09.562 | DEBUG    | __main__:<module>:20 - Iteration 1772: Points 1726 (cluster 3681) and 1583 (cluster 3585) connect at weight=83.0
2025-04-09 19:04:09.562 | DEBUG    | __main__:<module>:20 - Iteration 1773: Points 1715 (cluster 3738) and 1415 (cluster 3741) connect at weight=83.0
2025-04-09 19:04:09.562 | DEBUG    | __main__:<module>:20 - Iteration 1774: Points 1706 (cluster 1706) and 1803 (cluster 3664) connect at weight=83.0
2025-04-09 19:04:09.562 | DEBUG    | __main__:<module>:20 - Iteration 1775: Points 1703 (cluster 3773) and 1819 (cluster 1819) connect at weight=83.0
2025-04-09 19:04:09.562 | DEBUG    | __main__:<module>:20 - Iteration 1776: Points 1696 (cluster 3771) and 1850 (cluster 1850) connect at weight=83.0
2025-04-09 19:04:09.563 | DEBUG    | __main__:<module>:20 - Iteration 1777: Points 1694 (cluster 3687) and 1832 (cluster 1832) connect at weight=83.0
2025-04-09 19:04:09.563 | DEBUG    | __main__:<module>:20 - Iteration 1778: Points 1691 (cluster 1691) and 1822 (cluster 1822) connect at weight=83.0
2025-04-09 19:04:09.563 | DEBUG    | __main__:<module>:20 - Iteration 1779: Points 1684 (cluster 3615) and 1823 (cluster 1823) connect at weight=83.0
2025-04-09 19:04:09.563 | DEBUG    | __main__:<module>:20 - Iteration 1780: Points 1669 (cluster 3763) and 1851 (cluster 1851) connect at weight=83.0
2025-04-09 19:04:09.564 | DEBUG    | __main__:<module>:20 - Iteration 1781: Points 1642 (cluster 1642) and 1856 (cluster 1856) connect at weight=83.0
2025-04-09 19:04:09.565 | DEBUG    | __main__:<module>:20 - Iteration 1782: Points 1642 (cluster 3781) and 1771 (cluster 1771) connect at weight=83.0
2025-04-09 19:04:09.565 | DEBUG    | __main__:<module>:20 - Iteration 1783: Points 1634 (cluster 3437) and 1849 (cluster 3744) connect at weight=83.0
2025-04-09 19:04:09.565 | DEBUG    | __main__:<module>:20 - Iteration 1784: Points 1614 (cluster 3758) and 1860 (cluster 1860) connect at weight=83.0
2025-04-09 19:04:09.565 | DEBUG    | __main__:<module>:20 - Iteration 1785: Points 1614 (cluster 3784) and 1858 (cluster 1858) connect at weight=83.0
2025-04-09 19:04:09.565 | DEBUG    | __main__:<module>:20 - Iteration 1786: Points 1612 (cluster 3780) and 1846 (cluster 1846) connect at weight=83.0
2025-04-09 19:04:09.566 | DEBUG    | __main__:<module>:20 - Iteration 1787: Points 1607 (cluster 3785) and 1839 (cluster 1839) connect at weight=83.0
2025-04-09 19:04:09.566 | DEBUG    | __main__:<module>:20 - Iteration 1788: Points 1601 (cluster 3768) and 1797 (cluster 1797) connect at weight=83.0
2025-04-09 19:04:09.566 | DEBUG    | __main__:<module>:20 - Iteration 1789: Points 1586 (cluster 3711) and 1638 (cluster 3705) connect at weight=83.0
2025-04-09 19:04:09.566 | DEBUG    | __main__:<module>:20 - Iteration 1790: Points 1577 (cluster 3714) and 1635 (cluster 1635) connect at weight=83.0
2025-04-09 19:04:09.566 | DEBUG    | __main__:<module>:20 - Iteration 1791: Points 1566 (cluster 3594) and 1678 (cluster 3638) connect at weight=83.0
2025-04-09 19:04:09.567 | DEBUG    | __main__:<module>:20 - Iteration 1792: Points 1560 (cluster 3790) and 1852 (cluster 1852) connect at weight=83.0
2025-04-09 19:04:09.567 | DEBUG    | __main__:<module>:20 - Iteration 1793: Points 1548 (cluster 3720) and 1765 (cluster 1765) connect at weight=83.0
2025-04-09 19:04:09.567 | DEBUG    | __main__:<module>:20 - Iteration 1794: Points 1544 (cluster 3595) and 1790 (cluster 1790) connect at weight=83.0
2025-04-09 19:04:09.567 | DEBUG    | __main__:<module>:20 - Iteration 1795: Points 1541 (cluster 3766) and 1865 (cluster 1865) connect at weight=83.0
2025-04-09 19:04:09.567 | DEBUG    | __main__:<module>:20 - Iteration 1796: Points 1537 (cluster 3770) and 1857 (cluster 1857) connect at weight=83.0
2025-04-09 19:04:09.568 | DEBUG    | __main__:<module>:20 - Iteration 1797: Points 1529 (cluster 3789) and 1814 (cluster 3749) connect at weight=83.0
2025-04-09 19:04:09.568 | DEBUG    | __main__:<module>:20 - Iteration 1798: Points 1507 (cluster 3783) and 1642 (cluster 3782) connect at weight=83.0
2025-04-09 19:04:09.568 | DEBUG    | __main__:<module>:20 - Iteration 1799: Points 1505 (cluster 3752) and 1854 (cluster 1854) connect at weight=83.0
2025-04-09 19:04:09.568 | DEBUG    | __main__:<module>:20 - Iteration 1800: Points 1488 (cluster 3728) and 1222 (cluster 3658) connect at weight=83.0
2025-04-09 19:04:09.568 | DEBUG    | __main__:<module>:20 - Iteration 1801: Points 1470 (cluster 3775) and 1676 (cluster 3751) connect at weight=83.0
2025-04-09 19:04:09.570 | DEBUG    | __main__:<module>:20 - Iteration 1802: Points 1459 (cluster 3800) and 1619 (cluster 1619) connect at weight=83.0
2025-04-09 19:04:09.570 | DEBUG    | __main__:<module>:20 - Iteration 1803: Points 1457 (cluster 3797) and 1731 (cluster 1731) connect at weight=83.0
2025-04-09 19:04:09.570 | DEBUG    | __main__:<module>:20 - Iteration 1804: Points 1427 (cluster 3795) and 1782 (cluster 1782) connect at weight=83.0
2025-04-09 19:04:09.570 | DEBUG    | __main__:<module>:20 - Iteration 1805: Points 1427 (cluster 3804) and 1174 (cluster 3803) connect at weight=83.0
2025-04-09 19:04:09.571 | DEBUG    | __main__:<module>:20 - Iteration 1806: Points 1415 (cluster 3801) and 1861 (cluster 1861) connect at weight=83.0
2025-04-09 19:04:09.571 | DEBUG    | __main__:<module>:20 - Iteration 1807: Points 1411 (cluster 3791) and 1553 (cluster 3762) connect at weight=83.0
2025-04-09 19:04:09.571 | DEBUG    | __main__:<module>:20 - Iteration 1808: Points 1400 (cluster 3755) and 1267 (cluster 3238) connect at weight=83.0
2025-04-09 19:04:09.571 | DEBUG    | __main__:<module>:20 - Iteration 1809: Points 1380 (cluster 3793) and 1122 (cluster 3806) connect at weight=83.0
2025-04-09 19:04:09.571 | DEBUG    | __main__:<module>:20 - Iteration 1810: Points 1355 (cluster 3729) and 1641 (cluster 3788) connect at weight=83.0
2025-04-09 19:04:09.571 | DEBUG    | __main__:<module>:20 - Iteration 1811: Points 1353 (cluster 3799) and 1769 (cluster 3760) connect at weight=83.0
2025-04-09 19:04:09.572 | DEBUG    | __main__:<module>:20 - Iteration 1812: Points 1346 (cluster 3809) and 1828 (cluster 1828) connect at weight=83.0
2025-04-09 19:04:09.572 | DEBUG    | __main__:<module>:20 - Iteration 1813: Points 1341 (cluster 3575) and 1408 (cluster 3769) connect at weight=83.0
2025-04-09 19:04:09.572 | DEBUG    | __main__:<module>:20 - Iteration 1814: Points 1335 (cluster 3812) and 1838 (cluster 1838) connect at weight=83.0
2025-04-09 19:04:09.572 | DEBUG    | __main__:<module>:20 - Iteration 1815: Points 1305 (cluster 3805) and 1739 (cluster 3808) connect at weight=83.0
2025-04-09 19:04:09.572 | DEBUG    | __main__:<module>:20 - Iteration 1816: Points 1278 (cluster 3814) and 1835 (cluster 1835) connect at weight=83.0
2025-04-09 19:04:09.573 | DEBUG    | __main__:<module>:20 - Iteration 1817: Points 1262 (cluster 3815) and 1818 (cluster 1818) connect at weight=83.0
2025-04-09 19:04:09.573 | DEBUG    | __main__:<module>:20 - Iteration 1818: Points 1262 (cluster 3817) and 1691 (cluster 3778) connect at weight=83.0
2025-04-09 19:04:09.573 | DEBUG    | __main__:<module>:20 - Iteration 1819: Points 1250 (cluster 3818) and 1806 (cluster 1806) connect at weight=83.0
2025-04-09 19:04:09.573 | DEBUG    | __main__:<module>:20 - Iteration 1820: Points 1187 (cluster 3810) and 1446 (cluster 3786) connect at weight=83.0
2025-04-09 19:04:09.573 | DEBUG    | __main__:<module>:20 - Iteration 1821: Points 1140 (cluster 3796) and 1843 (cluster 1843) connect at weight=83.0
2025-04-09 19:04:09.574 | DEBUG    | __main__:<module>:20 - Iteration 1822: Points 1893 (cluster 1893) and 1637 (cluster 3807) connect at weight=82.0
2025-04-09 19:04:09.574 | DEBUG    | __main__:<module>:20 - Iteration 1823: Points 1885 (cluster 1885) and 1442 (cluster 3723) connect at weight=82.0
2025-04-09 19:04:09.574 | DEBUG    | __main__:<module>:20 - Iteration 1824: Points 1864 (cluster 1864) and 1761 (cluster 3819) connect at weight=82.0
2025-04-09 19:04:09.574 | DEBUG    | __main__:<module>:20 - Iteration 1825: Points 1860 (cluster 3787) and 1875 (cluster 1875) connect at weight=82.0
2025-04-09 19:04:09.575 | DEBUG    | __main__:<module>:20 - Iteration 1826: Points 1860 (cluster 3825) and 1864 (cluster 3824) connect at weight=82.0
2025-04-09 19:04:09.576 | DEBUG    | __main__:<module>:20 - Iteration 1827: Points 1858 (cluster 3826) and 1882 (cluster 1882) connect at weight=82.0
2025-04-09 19:04:09.576 | DEBUG    | __main__:<module>:20 - Iteration 1828: Points 1855 (cluster 3754) and 1873 (cluster 1873) connect at weight=82.0
2025-04-09 19:04:09.576 | DEBUG    | __main__:<module>:20 - Iteration 1829: Points 1841 (cluster 3757) and 1893 (cluster 3822) connect at weight=82.0
2025-04-09 19:04:09.576 | DEBUG    | __main__:<module>:20 - Iteration 1830: Points 1825 (cluster 3829) and 1884 (cluster 1884) connect at weight=82.0
2025-04-09 19:04:09.576 | DEBUG    | __main__:<module>:20 - Iteration 1831: Points 1823 (cluster 3779) and 1891 (cluster 1891) connect at weight=82.0
2025-04-09 19:04:09.577 | DEBUG    | __main__:<module>:20 - Iteration 1832: Points 1819 (cluster 3816) and 1866 (cluster 1866) connect at weight=82.0
2025-04-09 19:04:09.577 | DEBUG    | __main__:<module>:20 - Iteration 1833: Points 1816 (cluster 3764) and 1890 (cluster 1890) connect at weight=82.0
2025-04-09 19:04:09.577 | DEBUG    | __main__:<module>:20 - Iteration 1834: Points 1795 (cluster 3832) and 1883 (cluster 1883) connect at weight=82.0
2025-04-09 19:04:09.577 | DEBUG    | __main__:<module>:20 - Iteration 1835: Points 1784 (cluster 3834) and 1889 (cluster 1889) connect at weight=82.0
2025-04-09 19:04:09.577 | DEBUG    | __main__:<module>:20 - Iteration 1836: Points 1781 (cluster 3761) and 1885 (cluster 3823) connect at weight=82.0
2025-04-09 19:04:09.578 | DEBUG    | __main__:<module>:20 - Iteration 1837: Points 1764 (cluster 3813) and 1478 (cluster 3792) connect at weight=82.0
2025-04-09 19:04:09.578 | DEBUG    | __main__:<module>:20 - Iteration 1838: Points 1757 (cluster 3836) and 1558 (cluster 3833) connect at weight=82.0
2025-04-09 19:04:09.578 | DEBUG    | __main__:<module>:20 - Iteration 1839: Points 1746 (cluster 3820) and 1552 (cluster 3733) connect at weight=82.0
2025-04-09 19:04:09.578 | DEBUG    | __main__:<module>:20 - Iteration 1840: Points 1736 (cluster 3839) and 1844 (cluster 1844) connect at weight=82.0
2025-04-09 19:04:09.578 | DEBUG    | __main__:<module>:20 - Iteration 1841: Points 1730 (cluster 3776) and 1876 (cluster 1876) connect at weight=82.0
2025-04-09 19:04:09.578 | DEBUG    | __main__:<module>:20 - Iteration 1842: Points 1697 (cluster 3693) and 1661 (cluster 3727) connect at weight=82.0
2025-04-09 19:04:09.579 | DEBUG    | __main__:<module>:20 - Iteration 1843: Points 1676 (cluster 3835) and 1874 (cluster 1874) connect at weight=82.0
2025-04-09 19:04:09.579 | DEBUG    | __main__:<module>:20 - Iteration 1844: Points 1660 (cluster 3843) and 1870 (cluster 1870) connect at weight=82.0
2025-04-09 19:04:09.579 | DEBUG    | __main__:<module>:20 - Iteration 1845: Points 1654 (cluster 3753) and 1879 (cluster 1879) connect at weight=82.0
2025-04-09 19:04:09.579 | DEBUG    | __main__:<module>:20 - Iteration 1846: Points 1642 (cluster 3798) and 1886 (cluster 1886) connect at weight=82.0
2025-04-09 19:04:09.579 | DEBUG    | __main__:<module>:20 - Iteration 1847: Points 1641 (cluster 3840) and 1895 (cluster 1895) connect at weight=82.0
2025-04-09 19:04:09.580 | DEBUG    | __main__:<module>:20 - Iteration 1848: Points 1638 (cluster 3827) and 1834 (cluster 1834) connect at weight=82.0
2025-04-09 19:04:09.580 | DEBUG    | __main__:<module>:20 - Iteration 1849: Points 1619 (cluster 3802) and 1607 (cluster 3848) connect at weight=82.0
2025-04-09 19:04:09.580 | DEBUG    | __main__:<module>:20 - Iteration 1850: Points 1616 (cluster 3849) and 1881 (cluster 1881) connect at weight=82.0
2025-04-09 19:04:09.580 | DEBUG    | __main__:<module>:20 - Iteration 1851: Points 1615 (cluster 3844) and 1853 (cluster 1853) connect at weight=82.0
2025-04-09 19:04:09.580 | DEBUG    | __main__:<module>:20 - Iteration 1852: Points 1583 (cluster 3772) and 1836 (cluster 1836) connect at weight=82.0
2025-04-09 19:04:09.580 | DEBUG    | __main__:<module>:20 - Iteration 1853: Points 1562 (cluster 3828) and 1829 (cluster 1829) connect at weight=82.0
2025-04-09 19:04:09.581 | DEBUG    | __main__:<module>:20 - Iteration 1854: Points 1509 (cluster 3821) and 1355 (cluster 3847) connect at weight=82.0
2025-04-09 19:04:09.581 | DEBUG    | __main__:<module>:20 - Iteration 1855: Points 1506 (cluster 3811) and 1798 (cluster 1798) connect at weight=82.0
2025-04-09 19:04:09.581 | DEBUG    | __main__:<module>:20 - Iteration 1856: Points 1482 (cluster 3557) and 1353 (cluster 3855) connect at weight=82.0
2025-04-09 19:04:09.581 | DEBUG    | __main__:<module>:20 - Iteration 1857: Points 1466 (cluster 3777) and 1702 (cluster 3794) connect at weight=82.0
2025-04-09 19:04:09.583 | DEBUG    | __main__:<module>:20 - Iteration 1858: Points 1391 (cluster 3850) and 1892 (cluster 1892) connect at weight=82.0
2025-04-09 19:04:09.583 | DEBUG    | __main__:<module>:20 - Iteration 1859: Points 1318 (cluster 3627) and 1742 (cluster 3854) connect at weight=82.0
2025-04-09 19:04:09.584 | DEBUG    | __main__:<module>:20 - Iteration 1860: Points 1317 (cluster 3859) and 1845 (cluster 1845) connect at weight=82.0
2025-04-09 19:04:09.584 | DEBUG    | __main__:<module>:20 - Iteration 1861: Points 1303 (cluster 3856) and 1868 (cluster 1868) connect at weight=82.0
2025-04-09 19:04:09.584 | DEBUG    | __main__:<module>:20 - Iteration 1862: Points 1267 (cluster 3858) and 1824 (cluster 1824) connect at weight=82.0
2025-04-09 19:04:09.584 | DEBUG    | __main__:<module>:20 - Iteration 1863: Points 1252 (cluster 3861) and 1894 (cluster 1894) connect at weight=82.0
2025-04-09 19:04:09.584 | DEBUG    | __main__:<module>:20 - Iteration 1864: Points 1207 (cluster 3841) and 1869 (cluster 1869) connect at weight=82.0
2025-04-09 19:04:09.585 | DEBUG    | __main__:<module>:20 - Iteration 1865: Points 1148 (cluster 3864) and 1634 (cluster 3846) connect at weight=82.0
2025-04-09 19:04:09.585 | DEBUG    | __main__:<module>:20 - Iteration 1866: Points 1890 (cluster 3838) and 1811 (cluster 3662) connect at weight=81.0
2025-04-09 19:04:09.585 | DEBUG    | __main__:<module>:20 - Iteration 1867: Points 1879 (cluster 3845) and 1729 (cluster 3863) connect at weight=81.0
2025-04-09 19:04:09.585 | DEBUG    | __main__:<module>:20 - Iteration 1868: Points 1871 (cluster 1871) and 1748 (cluster 3865) connect at weight=81.0
2025-04-09 19:04:09.585 | DEBUG    | __main__:<module>:20 - Iteration 1869: Points 1863 (cluster 1863) and 1405 (cluster 3860) connect at weight=81.0
2025-04-09 19:04:09.586 | DEBUG    | __main__:<module>:20 - Iteration 1870: Points 1859 (cluster 3869) and 1926 (cluster 1926) connect at weight=81.0
2025-04-09 19:04:09.586 | DEBUG    | __main__:<module>:20 - Iteration 1871: Points 1859 (cluster 3870) and 1925 (cluster 1925) connect at weight=81.0
2025-04-09 19:04:09.587 | DEBUG    | __main__:<module>:20 - Iteration 1872: Points 1841 (cluster 3830) and 1913 (cluster 1913) connect at weight=81.0
2025-04-09 19:04:09.587 | DEBUG    | __main__:<module>:20 - Iteration 1873: Points 1837 (cluster 3747) and 1855 (cluster 3853) connect at weight=81.0
2025-04-09 19:04:09.587 | DEBUG    | __main__:<module>:20 - Iteration 1874: Points 1831 (cluster 1831) and 1871 (cluster 3868) connect at weight=81.0
2025-04-09 19:04:09.587 | DEBUG    | __main__:<module>:20 - Iteration 1875: Points 1822 (cluster 3862) and 1863 (cluster 3871) connect at weight=81.0
2025-04-09 19:04:09.588 | DEBUG    | __main__:<module>:20 - Iteration 1876: Points 1811 (cluster 3866) and 1899 (cluster 1899) connect at weight=81.0
2025-04-09 19:04:09.588 | DEBUG    | __main__:<module>:20 - Iteration 1877: Points 1811 (cluster 3876) and 1880 (cluster 1880) connect at weight=81.0
2025-04-09 19:04:09.588 | DEBUG    | __main__:<module>:20 - Iteration 1878: Points 1809 (cluster 3875) and 1902 (cluster 1902) connect at weight=81.0
2025-04-09 19:04:09.588 | DEBUG    | __main__:<module>:20 - Iteration 1879: Points 1804 (cluster 3878) and 1909 (cluster 1909) connect at weight=81.0
2025-04-09 19:04:09.588 | DEBUG    | __main__:<module>:20 - Iteration 1880: Points 1803 (cluster 3774) and 1903 (cluster 1903) connect at weight=81.0
2025-04-09 19:04:09.589 | DEBUG    | __main__:<module>:20 - Iteration 1881: Points 1803 (cluster 3880) and 1694 (cluster 3857) connect at weight=81.0
2025-04-09 19:04:09.589 | DEBUG    | __main__:<module>:20 - Iteration 1882: Points 1796 (cluster 3867) and 1878 (cluster 1878) connect at weight=81.0
2025-04-09 19:04:09.589 | DEBUG    | __main__:<module>:20 - Iteration 1883: Points 1774 (cluster 3851) and 1900 (cluster 1900) connect at weight=81.0
2025-04-09 19:04:09.589 | DEBUG    | __main__:<module>:20 - Iteration 1884: Points 1769 (cluster 3882) and 1923 (cluster 1923) connect at weight=81.0
2025-04-09 19:04:09.589 | DEBUG    | __main__:<module>:20 - Iteration 1885: Points 1738 (cluster 3879) and 1910 (cluster 1910) connect at weight=81.0
2025-04-09 19:04:09.589 | DEBUG    | __main__:<module>:20 - Iteration 1886: Points 1734 (cluster 3873) and 1659 (cluster 3837) connect at weight=81.0
2025-04-09 19:04:09.590 | DEBUG    | __main__:<module>:20 - Iteration 1887: Points 1725 (cluster 3877) and 1867 (cluster 1867) connect at weight=81.0
2025-04-09 19:04:09.590 | DEBUG    | __main__:<module>:20 - Iteration 1888: Points 1698 (cluster 3883) and 1905 (cluster 1905) connect at weight=81.0
2025-04-09 19:04:09.590 | DEBUG    | __main__:<module>:20 - Iteration 1889: Points 1685 (cluster 3842) and 1779 (cluster 3872) connect at weight=81.0
2025-04-09 19:04:09.590 | DEBUG    | __main__:<module>:20 - Iteration 1890: Points 1679 (cluster 3831) and 1667 (cluster 3889) connect at weight=81.0
2025-04-09 19:04:09.590 | DEBUG    | __main__:<module>:20 - Iteration 1891: Points 1635 (cluster 3886) and 1796 (cluster 3884) connect at weight=81.0
2025-04-09 19:04:09.591 | DEBUG    | __main__:<module>:20 - Iteration 1892: Points 1619 (cluster 3885) and 1916 (cluster 1916) connect at weight=81.0
2025-04-09 19:04:09.591 | DEBUG    | __main__:<module>:20 - Iteration 1893: Points 1616 (cluster 3892) and 1908 (cluster 1908) connect at weight=81.0
2025-04-09 19:04:09.591 | DEBUG    | __main__:<module>:20 - Iteration 1894: Points 1606 (cluster 3893) and 1919 (cluster 1919) connect at weight=81.0
2025-04-09 19:04:09.591 | DEBUG    | __main__:<module>:20 - Iteration 1895: Points 1596 (cluster 3891) and 1904 (cluster 1904) connect at weight=81.0
2025-04-09 19:04:09.592 | DEBUG    | __main__:<module>:20 - Iteration 1896: Points 1591 (cluster 3894) and 1921 (cluster 1921) connect at weight=81.0
2025-04-09 19:04:09.593 | DEBUG    | __main__:<module>:20 - Iteration 1897: Points 1576 (cluster 3888) and 1530 (cluster 3896) connect at weight=81.0
2025-04-09 19:04:09.593 | DEBUG    | __main__:<module>:20 - Iteration 1898: Points 1564 (cluster 3890) and 1914 (cluster 1914) connect at weight=81.0
2025-04-09 19:04:09.593 | DEBUG    | __main__:<module>:20 - Iteration 1899: Points 1497 (cluster 3898) and 1912 (cluster 1912) connect at weight=81.0
2025-04-09 19:04:09.593 | DEBUG    | __main__:<module>:20 - Iteration 1900: Points 1493 (cluster 3897) and 1924 (cluster 1924) connect at weight=81.0
2025-04-09 19:04:09.593 | DEBUG    | __main__:<module>:20 - Iteration 1901: Points 1487 (cluster 3900) and 1915 (cluster 1915) connect at weight=81.0
2025-04-09 19:04:09.594 | DEBUG    | __main__:<module>:20 - Iteration 1902: Points 1405 (cluster 3901) and 1817 (cluster 1817) connect at weight=81.0
2025-04-09 19:04:09.594 | DEBUG    | __main__:<module>:20 - Iteration 1903: Points 1402 (cluster 3902) and 1911 (cluster 1911) connect at weight=81.0
2025-04-09 19:04:09.594 | DEBUG    | __main__:<module>:20 - Iteration 1904: Points 1281 (cluster 3895) and 1877 (cluster 1877) connect at weight=81.0
2025-04-09 19:04:09.594 | DEBUG    | __main__:<module>:20 - Iteration 1905: Points 1260 (cluster 3903) and 1907 (cluster 1907) connect at weight=81.0
2025-04-09 19:04:09.594 | DEBUG    | __main__:<module>:20 - Iteration 1906: Points 1180 (cluster 3899) and 1922 (cluster 1922) connect at weight=81.0
2025-04-09 19:04:09.594 | DEBUG    | __main__:<module>:20 - Iteration 1907: Points 1122 (cluster 3905) and 1901 (cluster 1901) connect at weight=81.0
2025-04-09 19:04:09.595 | DEBUG    | __main__:<module>:20 - Iteration 1908: Points 1073 (cluster 3907) and 1827 (cluster 1827) connect at weight=81.0
2025-04-09 19:04:09.595 | DEBUG    | __main__:<module>:20 - Iteration 1909: Points 1926 (cluster 3908) and 1898 (cluster 1898) connect at weight=80.0
2025-04-09 19:04:09.595 | DEBUG    | __main__:<module>:20 - Iteration 1910: Points 1923 (cluster 3904) and 1896 (cluster 1896) connect at weight=80.0
2025-04-09 19:04:09.595 | DEBUG    | __main__:<module>:20 - Iteration 1911: Points 1918 (cluster 1918) and 1726 (cluster 3852) connect at weight=80.0
2025-04-09 19:04:09.595 | DEBUG    | __main__:<module>:20 - Iteration 1912: Points 1914 (cluster 3906) and 1945 (cluster 1945) connect at weight=80.0
2025-04-09 19:04:09.595 | DEBUG    | __main__:<module>:20 - Iteration 1913: Points 1913 (cluster 3912) and 1933 (cluster 1933) connect at weight=80.0
2025-04-09 19:04:09.596 | DEBUG    | __main__:<module>:20 - Iteration 1914: Points 1906 (cluster 1906) and 1930 (cluster 1930) connect at weight=80.0
2025-04-09 19:04:09.596 | DEBUG    | __main__:<module>:20 - Iteration 1915: Points 1892 (cluster 3909) and 1944 (cluster 1944) connect at weight=80.0
2025-04-09 19:04:09.597 | DEBUG    | __main__:<module>:20 - Iteration 1916: Points 1890 (cluster 3887) and 1951 (cluster 1951) connect at weight=80.0
2025-04-09 19:04:09.597 | DEBUG    | __main__:<module>:20 - Iteration 1917: Points 1863 (cluster 3915) and 1917 (cluster 1917) connect at weight=80.0
2025-04-09 19:04:09.597 | DEBUG    | __main__:<module>:20 - Iteration 1918: Points 1852 (cluster 3910) and 1942 (cluster 1942) connect at weight=80.0
2025-04-09 19:04:09.597 | DEBUG    | __main__:<module>:20 - Iteration 1919: Points 1851 (cluster 3917) and 1935 (cluster 1935) connect at weight=80.0
2025-04-09 19:04:09.597 | DEBUG    | __main__:<module>:20 - Iteration 1920: Points 1845 (cluster 3919) and 1943 (cluster 1943) connect at weight=80.0
2025-04-09 19:04:09.598 | DEBUG    | __main__:<module>:20 - Iteration 1921: Points 1845 (cluster 3920) and 1934 (cluster 1934) connect at weight=80.0
2025-04-09 19:04:09.599 | DEBUG    | __main__:<module>:20 - Iteration 1922: Points 1815 (cluster 3921) and 1595 (cluster 3916) connect at weight=80.0
2025-04-09 19:04:09.599 | DEBUG    | __main__:<module>:20 - Iteration 1923: Points 1790 (cluster 3881) and 1684 (cluster 3913) connect at weight=80.0
2025-04-09 19:04:09.599 | DEBUG    | __main__:<module>:20 - Iteration 1924: Points 1770 (cluster 3923) and 1920 (cluster 1920) connect at weight=80.0
2025-04-09 19:04:09.599 | DEBUG    | __main__:<module>:20 - Iteration 1925: Points 1757 (cluster 3922) and 1949 (cluster 1949) connect at weight=80.0
2025-04-09 19:04:09.599 | DEBUG    | __main__:<module>:20 - Iteration 1926: Points 1730 (cluster 3874) and 1939 (cluster 1939) connect at weight=80.0
2025-04-09 19:04:09.600 | DEBUG    | __main__:<module>:20 - Iteration 1927: Points 1706 (cluster 3924) and 1947 (cluster 1947) connect at weight=80.0
2025-04-09 19:04:09.600 | DEBUG    | __main__:<module>:20 - Iteration 1928: Points 1697 (cluster 3927) and 1950 (cluster 1950) connect at weight=80.0
2025-04-09 19:04:09.600 | DEBUG    | __main__:<module>:20 - Iteration 1929: Points 1655 (cluster 3925) and 1946 (cluster 1946) connect at weight=80.0
2025-04-09 19:04:09.600 | DEBUG    | __main__:<module>:20 - Iteration 1930: Points 1651 (cluster 3928) and 1940 (cluster 1940) connect at weight=80.0
2025-04-09 19:04:09.600 | DEBUG    | __main__:<module>:20 - Iteration 1931: Points 1623 (cluster 3930) and 1948 (cluster 1948) connect at weight=80.0
2025-04-09 19:04:09.601 | DEBUG    | __main__:<module>:20 - Iteration 1932: Points 1496 (cluster 3931) and 1952 (cluster 1952) connect at weight=80.0
2025-04-09 19:04:09.601 | DEBUG    | __main__:<module>:20 - Iteration 1933: Points 1449 (cluster 3918) and 1937 (cluster 1937) connect at weight=80.0
2025-04-09 19:04:09.601 | DEBUG    | __main__:<module>:20 - Iteration 1934: Points 1405 (cluster 3929) and 1932 (cluster 1932) connect at weight=80.0
2025-04-09 19:04:09.601 | DEBUG    | __main__:<module>:20 - Iteration 1935: Points 1325 (cluster 3932) and 1918 (cluster 3911) connect at weight=80.0
2025-04-09 19:04:09.602 | DEBUG    | __main__:<module>:20 - Iteration 1936: Points 1946 (cluster 3934) and 1960 (cluster 1960) connect at weight=79.0
2025-04-09 19:04:09.602 | DEBUG    | __main__:<module>:20 - Iteration 1937: Points 1942 (cluster 3933) and 1938 (cluster 1938) connect at weight=79.0
2025-04-09 19:04:09.603 | DEBUG    | __main__:<module>:20 - Iteration 1938: Points 1941 (cluster 1941) and 1837 (cluster 3937) connect at weight=79.0
2025-04-09 19:04:09.603 | DEBUG    | __main__:<module>:20 - Iteration 1939: Points 1906 (cluster 3914) and 1931 (cluster 1931) connect at weight=79.0
2025-04-09 19:04:09.603 | DEBUG    | __main__:<module>:20 - Iteration 1940: Points 1903 (cluster 3935) and 1955 (cluster 1955) connect at weight=79.0
2025-04-09 19:04:09.603 | DEBUG    | __main__:<module>:20 - Iteration 1941: Points 1897 (cluster 1897) and 1953 (cluster 1953) connect at weight=79.0
2025-04-09 19:04:09.603 | DEBUG    | __main__:<module>:20 - Iteration 1942: Points 1878 (cluster 3938) and 1897 (cluster 3941) connect at weight=79.0
2025-04-09 19:04:09.603 | DEBUG    | __main__:<module>:20 - Iteration 1943: Points 1837 (cluster 3942) and 1928 (cluster 1928) connect at weight=79.0
2025-04-09 19:04:09.604 | DEBUG    | __main__:<module>:20 - Iteration 1944: Points 1836 (cluster 3940) and 1831 (cluster 3926) connect at weight=79.0
2025-04-09 19:04:09.604 | DEBUG    | __main__:<module>:20 - Iteration 1945: Points 1835 (cluster 3936) and 1956 (cluster 1956) connect at weight=79.0
2025-04-09 19:04:09.604 | DEBUG    | __main__:<module>:20 - Iteration 1946: Points 1819 (cluster 3945) and 1958 (cluster 1958) connect at weight=79.0
2025-04-09 19:04:09.604 | DEBUG    | __main__:<module>:20 - Iteration 1947: Points 1798 (cluster 3943) and 1957 (cluster 1957) connect at weight=79.0
2025-04-09 19:04:09.604 | DEBUG    | __main__:<module>:20 - Iteration 1948: Points 1796 (cluster 3947) and 1954 (cluster 1954) connect at weight=79.0
2025-04-09 19:04:09.604 | DEBUG    | __main__:<module>:20 - Iteration 1949: Points 1771 (cluster 3944) and 1906 (cluster 3939) connect at weight=79.0
2025-04-09 19:04:09.605 | DEBUG    | __main__:<module>:20 - Iteration 1950: Points 1758 (cluster 3948) and 1929 (cluster 1929) connect at weight=79.0
2025-04-09 19:04:09.605 | DEBUG    | __main__:<module>:20 - Iteration 1951: Points 1705 (cluster 3949) and 1959 (cluster 1959) connect at weight=79.0
2025-04-09 19:04:09.605 | DEBUG    | __main__:<module>:20 - Iteration 1952: Points 1637 (cluster 3951) and 1927 (cluster 1927) connect at weight=79.0
2025-04-09 19:04:09.605 | DEBUG    | __main__:<module>:20 - Iteration 1953: Points 1370 (cluster 3946) and 1706 (cluster 3952) connect at weight=79.0
2025-04-09 19:04:09.605 | DEBUG    | __main__:<module>:20 - Iteration 1954: Points 1198 (cluster 3953) and 1888 (cluster 1888) connect at weight=79.0
2025-04-09 19:04:09.606 | DEBUG    | __main__:<module>:20 - Iteration 1955: Points 1177 (cluster 3954) and 1961 (cluster 1961) connect at weight=79.0
2025-04-09 19:04:09.606 | DEBUG    | __main__:<module>:20 - Iteration 1956: Points 1062 (cluster 3955) and 1936 (cluster 1936) connect at weight=79.0
2025-04-09 19:04:09.606 | DEBUG    | __main__:<module>:20 - Iteration 1957: Points 1930 (cluster 3956) and 1941 (cluster 3950) connect at weight=78.0
2025-04-09 19:04:09.606 | DEBUG    | __main__:<module>:20 - Iteration 1958: Points 1923 (cluster 3957) and 1964 (cluster 1964) connect at weight=78.0
2025-04-09 19:04:09.606 | DEBUG    | __main__:<module>:20 - Iteration 1959: Points 1891 (cluster 3958) and 1966 (cluster 1966) connect at weight=78.0
2025-04-09 19:04:09.607 | DEBUG    | __main__:<module>:20 - Iteration 1960: Points 1880 (cluster 3959) and 1967 (cluster 1967) connect at weight=78.0
2025-04-09 19:04:09.607 | DEBUG    | __main__:<module>:20 - Iteration 1961: Points 1824 (cluster 3960) and 1963 (cluster 1963) connect at weight=78.0
2025-04-09 19:04:09.607 | DEBUG    | __main__:<module>:20 - Iteration 1962: Points 1732 (cluster 3961) and 1962 (cluster 1962) connect at weight=78.0
2025-04-09 19:04:09.607 | DEBUG    | __main__:<module>:20 - Iteration 1963: Points 1702 (cluster 3962) and 1965 (cluster 1965) connect at weight=78.0
2025-04-09 19:04:09.607 | DEBUG    | __main__:<module>:20 - Iteration 1964: Points 1062 (cluster 3963) and 1887 (cluster 1887) connect at weight=78.0
2025-04-09 19:04:09.607 | DEBUG    | __main__:<module>:20 - Iteration 1965: Points 1954 (cluster 3964) and 1969 (cluster 1969) connect at weight=77.0
2025-04-09 19:04:09.608 | DEBUG    | __main__:<module>:20 - Iteration 1966: Points 1942 (cluster 3965) and 1968 (cluster 1968) connect at weight=77.0
2025-04-09 19:04:09.608 | DEBUG    | __main__:<module>:20 - Iteration 1967: Points 1900 (cluster 3966) and 1973 (cluster 1973) connect at weight=77.0
2025-04-09 19:04:09.608 | DEBUG    | __main__:<module>:20 - Iteration 1968: Points 1872 (cluster 1872) and 1815 (cluster 3967) connect at weight=77.0
2025-04-09 19:04:09.608 | DEBUG    | __main__:<module>:20 - Iteration 1969: Points 1862 (cluster 3968) and 1971 (cluster 1971) connect at weight=77.0
2025-04-09 19:04:09.608 | DEBUG    | __main__:<module>:20 - Iteration 1970: Points 1833 (cluster 3969) and 1970 (cluster 1970) connect at weight=77.0
2025-04-09 19:04:09.609 | DEBUG    | __main__:<module>:20 - Iteration 1971: Points 1678 (cluster 3970) and 1972 (cluster 1972) connect at weight=77.0
2025-04-09 19:04:09.609 | DEBUG    | __main__:<module>:20 - Iteration 1972: Points 1553 (cluster 3971) and 1974 (cluster 1974) connect at weight=77.0
2025-04-09 19:04:09.609 | DEBUG    | __main__:<module>:20 - Iteration 1973: Points 1955 (cluster 3972) and 1977 (cluster 1977) connect at weight=76.0
2025-04-09 19:04:09.609 | DEBUG    | __main__:<module>:20 - Iteration 1974: Points 1952 (cluster 3973) and 1981 (cluster 1981) connect at weight=76.0
2025-04-09 19:04:09.609 | DEBUG    | __main__:<module>:20 - Iteration 1975: Points 1873 (cluster 3974) and 1978 (cluster 1978) connect at weight=76.0
2025-04-09 19:04:09.610 | DEBUG    | __main__:<module>:20 - Iteration 1976: Points 1644 (cluster 3975) and 1979 (cluster 1979) connect at weight=76.0
2025-04-09 19:04:09.610 | DEBUG    | __main__:<module>:20 - Iteration 1977: Points 1376 (cluster 3976) and 1975 (cluster 1975) connect at weight=76.0
2025-04-09 19:04:09.610 | DEBUG    | __main__:<module>:20 - Iteration 1978: Points 1178 (cluster 3977) and 1980 (cluster 1980) connect at weight=76.0
2025-04-09 19:04:09.610 | DEBUG    | __main__:<module>:20 - Iteration 1979: Points 1953 (cluster 3978) and 1984 (cluster 1984) connect at weight=75.0
2025-04-09 19:04:09.611 | DEBUG    | __main__:<module>:20 - Iteration 1980: Points 1947 (cluster 3979) and 1976 (cluster 1976) connect at weight=75.0
2025-04-09 19:04:09.611 | DEBUG    | __main__:<module>:20 - Iteration 1981: Points 1871 (cluster 3980) and 1982 (cluster 1982) connect at weight=75.0
2025-04-09 19:04:09.611 | DEBUG    | __main__:<module>:20 - Iteration 1982: Points 1722 (cluster 3981) and 1985 (cluster 1985) connect at weight=75.0
2025-04-09 19:04:09.611 | DEBUG    | __main__:<module>:20 - Iteration 1983: Points 1633 (cluster 3982) and 1986 (cluster 1986) connect at weight=75.0
2025-04-09 19:04:09.611 | DEBUG    | __main__:<module>:20 - Iteration 1984: Points 1625 (cluster 3983) and 1983 (cluster 1983) connect at weight=75.0
2025-04-09 19:04:09.612 | DEBUG    | __main__:<module>:20 - Iteration 1985: Points 1170 (cluster 3984) and 1987 (cluster 1987) connect at weight=75.0
2025-04-09 19:04:09.612 | DEBUG    | __main__:<module>:20 - Iteration 1986: Points 1965 (cluster 3985) and 1988 (cluster 1988) connect at weight=74.0
2025-04-09 19:04:09.612 | DEBUG    | __main__:<module>:20 - Iteration 1987: Points 1917 (cluster 3986) and 1989 (cluster 1989) connect at weight=74.0
2025-04-09 19:04:09.612 | DEBUG    | __main__:<module>:20 - Iteration 1988: Points 1962 (cluster 3987) and 1991 (cluster 1991) connect at weight=73.0
2025-04-09 19:04:09.612 | DEBUG    | __main__:<module>:20 - Iteration 1989: Points 1885 (cluster 3988) and 1993 (cluster 1993) connect at weight=73.0
2025-04-09 19:04:09.615 | DEBUG    | __main__:<module>:20 - Iteration 1990: Points 1755 (cluster 3989) and 1992 (cluster 1992) connect at weight=73.0
2025-04-09 19:04:09.615 | DEBUG    | __main__:<module>:20 - Iteration 1991: Points 1747 (cluster 3990) and 1990 (cluster 1990) connect at weight=73.0
2025-04-09 19:04:09.615 | DEBUG    | __main__:<module>:20 - Iteration 1992: Points 1814 (cluster 3991) and 1994 (cluster 1994) connect at weight=72.0
2025-04-09 19:04:09.616 | DEBUG    | __main__:<module>:20 - Iteration 1993: Points 1885 (cluster 3992) and 1996 (cluster 1996) connect at weight=71.0
2025-04-09 19:04:09.616 | DEBUG    | __main__:<module>:20 - Iteration 1994: Points 1624 (cluster 3993) and 1995 (cluster 1995) connect at weight=71.0
2025-04-09 19:04:09.616 | DEBUG    | __main__:<module>:20 - Iteration 1995: Points 1959 (cluster 3994) and 1998 (cluster 1998) connect at weight=70.0
2025-04-09 19:04:09.616 | DEBUG    | __main__:<module>:20 - Iteration 1996: Points 1915 (cluster 3995) and 1997 (cluster 1997) connect at weight=70.0
2025-04-09 19:04:09.616 | DEBUG    | __main__:<module>:20 - Iteration 1997: Points 1930 (cluster 3996) and 1999 (cluster 1999) connect at weight=69.0
2025-04-09 19:04:09.617 | DEBUG    | __main__:<module>:20 - Iteration 1998: Points 993 (cluster 2998) and 1872 (cluster 3997) connect at weight=5.0
2025-04-09 19:04:09.617 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 19:04:09.626 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 19:04:09.627 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 19:04:09.664 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterCommonNNMSTPrim
2025-04-09 19:04:10.025 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 19:04:10.026 | DEBUG    | __main__:<module>:20 - 1998 edges in MST
2025-04-09 19:04:10.026 | DEBUG    | __main__:<module>:20 - Iteration 0: Points 0 (cluster 0) and 1 (cluster 1) connect at weight=289.0
2025-04-09 19:04:10.027 | DEBUG    | __main__:<module>:20 - Iteration 1: Points 0 (cluster 2000) and 2 (cluster 2) connect at weight=286.0
2025-04-09 19:04:10.027 | DEBUG    | __main__:<module>:20 - Iteration 2: Points 4 (cluster 4) and 9 (cluster 9) connect at weight=283.0
2025-04-09 19:04:10.027 | DEBUG    | __main__:<module>:20 - Iteration 3: Points 4 (cluster 2002) and 6 (cluster 6) connect at weight=283.0
2025-04-09 19:04:10.027 | DEBUG    | __main__:<module>:20 - Iteration 4: Points 1 (cluster 2001) and 4 (cluster 2003) connect at weight=283.0
2025-04-09 19:04:10.028 | DEBUG    | __main__:<module>:20 - Iteration 5: Points 2 (cluster 2004) and 7 (cluster 7) connect at weight=282.0
2025-04-09 19:04:10.028 | DEBUG    | __main__:<module>:20 - Iteration 6: Points 0 (cluster 2005) and 5 (cluster 5) connect at weight=282.0
2025-04-09 19:04:10.028 | DEBUG    | __main__:<module>:20 - Iteration 7: Points 12 (cluster 12) and 3 (cluster 3) connect at weight=281.0
2025-04-09 19:04:10.028 | DEBUG    | __main__:<module>:20 - Iteration 8: Points 7 (cluster 2006) and 14 (cluster 14) connect at weight=281.0
2025-04-09 19:04:10.028 | DEBUG    | __main__:<module>:20 - Iteration 9: Points 5 (cluster 2008) and 8 (cluster 8) connect at weight=281.0
2025-04-09 19:04:10.028 | DEBUG    | __main__:<module>:20 - Iteration 10: Points 8 (cluster 2009) and 11 (cluster 11) connect at weight=279.0
2025-04-09 19:04:10.029 | DEBUG    | __main__:<module>:20 - Iteration 11: Points 6 (cluster 2010) and 17 (cluster 17) connect at weight=279.0
2025-04-09 19:04:10.029 | DEBUG    | __main__:<module>:20 - Iteration 12: Points 0 (cluster 2011) and 10 (cluster 10) connect at weight=279.0
2025-04-09 19:04:10.029 | DEBUG    | __main__:<module>:20 - Iteration 13: Points 14 (cluster 2012) and 19 (cluster 19) connect at weight=278.0
2025-04-09 19:04:10.029 | DEBUG    | __main__:<module>:20 - Iteration 14: Points 10 (cluster 2013) and 13 (cluster 13) connect at weight=278.0
2025-04-09 19:04:10.029 | DEBUG    | __main__:<module>:20 - Iteration 15: Points 3 (cluster 2007) and 15 (cluster 15) connect at weight=278.0
2025-04-09 19:04:10.030 | DEBUG    | __main__:<module>:20 - Iteration 16: Points 11 (cluster 2014) and 18 (cluster 18) connect at weight=277.0
2025-04-09 19:04:10.030 | DEBUG    | __main__:<module>:20 - Iteration 17: Points 8 (cluster 2016) and 22 (cluster 22) connect at weight=277.0
2025-04-09 19:04:10.030 | DEBUG    | __main__:<module>:20 - Iteration 18: Points 2 (cluster 2017) and 21 (cluster 21) connect at weight=277.0
2025-04-09 19:04:10.030 | DEBUG    | __main__:<module>:20 - Iteration 19: Points 23 (cluster 23) and 12 (cluster 2015) connect at weight=276.0
2025-04-09 19:04:10.030 | DEBUG    | __main__:<module>:20 - Iteration 20: Points 17 (cluster 2018) and 27 (cluster 27) connect at weight=276.0
2025-04-09 19:04:10.031 | DEBUG    | __main__:<module>:20 - Iteration 21: Points 5 (cluster 2020) and 25 (cluster 25) connect at weight=276.0
2025-04-09 19:04:10.031 | DEBUG    | __main__:<module>:20 - Iteration 22: Points 20 (cluster 20) and 24 (cluster 24) connect at weight=275.0
2025-04-09 19:04:10.031 | DEBUG    | __main__:<module>:20 - Iteration 23: Points 16 (cluster 16) and 26 (cluster 26) connect at weight=275.0
2025-04-09 19:04:10.031 | DEBUG    | __main__:<module>:20 - Iteration 24: Points 16 (cluster 2023) and 20 (cluster 2022) connect at weight=275.0
2025-04-09 19:04:10.031 | DEBUG    | __main__:<module>:20 - Iteration 25: Points 23 (cluster 2019) and 31 (cluster 31) connect at weight=274.0
2025-04-09 19:04:10.032 | DEBUG    | __main__:<module>:20 - Iteration 26: Points 17 (cluster 2021) and 29 (cluster 29) connect at weight=274.0
2025-04-09 19:04:10.032 | DEBUG    | __main__:<module>:20 - Iteration 27: Points 18 (cluster 2026) and 30 (cluster 30) connect at weight=273.0
2025-04-09 19:04:10.032 | DEBUG    | __main__:<module>:20 - Iteration 28: Points 18 (cluster 2027) and 23 (cluster 2025) connect at weight=273.0
2025-04-09 19:04:10.032 | DEBUG    | __main__:<module>:20 - Iteration 29: Points 32 (cluster 32) and 28 (cluster 28) connect at weight=272.0
2025-04-09 19:04:10.032 | DEBUG    | __main__:<module>:20 - Iteration 30: Points 29 (cluster 2028) and 40 (cluster 40) connect at weight=272.0
2025-04-09 19:04:10.033 | DEBUG    | __main__:<module>:20 - Iteration 31: Points 26 (cluster 2024) and 33 (cluster 33) connect at weight=272.0
2025-04-09 19:04:10.033 | DEBUG    | __main__:<module>:20 - Iteration 32: Points 24 (cluster 2031) and 37 (cluster 37) connect at weight=272.0
2025-04-09 19:04:10.033 | DEBUG    | __main__:<module>:20 - Iteration 33: Points 18 (cluster 2030) and 36 (cluster 36) connect at weight=272.0
2025-04-09 19:04:10.033 | DEBUG    | __main__:<module>:20 - Iteration 34: Points 15 (cluster 2033) and 32 (cluster 2029) connect at weight=272.0
2025-04-09 19:04:10.033 | DEBUG    | __main__:<module>:20 - Iteration 35: Points 42 (cluster 42) and 35 (cluster 35) connect at weight=271.0
2025-04-09 19:04:10.033 | DEBUG    | __main__:<module>:20 - Iteration 36: Points 36 (cluster 2034) and 45 (cluster 45) connect at weight=270.0
2025-04-09 19:04:10.034 | DEBUG    | __main__:<module>:20 - Iteration 37: Points 32 (cluster 2036) and 44 (cluster 44) connect at weight=270.0
2025-04-09 19:04:10.034 | DEBUG    | __main__:<module>:20 - Iteration 38: Points 24 (cluster 2032) and 42 (cluster 2035) connect at weight=270.0
2025-04-09 19:04:10.034 | DEBUG    | __main__:<module>:20 - Iteration 39: Points 9 (cluster 2037) and 38 (cluster 38) connect at weight=270.0
2025-04-09 19:04:10.034 | DEBUG    | __main__:<module>:20 - Iteration 40: Points 15 (cluster 2039) and 47 (cluster 47) connect at weight=269.0
2025-04-09 19:04:10.034 | DEBUG    | __main__:<module>:20 - Iteration 41: Points 42 (cluster 2038) and 50 (cluster 50) connect at weight=268.0
2025-04-09 19:04:10.035 | DEBUG    | __main__:<module>:20 - Iteration 42: Points 40 (cluster 2040) and 56 (cluster 56) connect at weight=267.0
2025-04-09 19:04:10.035 | DEBUG    | __main__:<module>:20 - Iteration 43: Points 61 (cluster 61) and 48 (cluster 48) connect at weight=266.0
2025-04-09 19:04:10.035 | DEBUG    | __main__:<module>:20 - Iteration 44: Points 44 (cluster 2042) and 59 (cluster 59) connect at weight=266.0
2025-04-09 19:04:10.035 | DEBUG    | __main__:<module>:20 - Iteration 45: Points 20 (cluster 2041) and 41 (cluster 41) connect at weight=266.0
2025-04-09 19:04:10.035 | DEBUG    | __main__:<module>:20 - Iteration 46: Points 57 (cluster 57) and 70 (cluster 70) connect at weight=265.0
2025-04-09 19:04:10.035 | DEBUG    | __main__:<module>:20 - Iteration 47: Points 55 (cluster 55) and 54 (cluster 54) connect at weight=265.0
2025-04-09 19:04:10.036 | DEBUG    | __main__:<module>:20 - Iteration 48: Points 43 (cluster 43) and 53 (cluster 53) connect at weight=265.0
2025-04-09 19:04:10.036 | DEBUG    | __main__:<module>:20 - Iteration 49: Points 38 (cluster 2044) and 62 (cluster 62) connect at weight=265.0
2025-04-09 19:04:10.036 | DEBUG    | __main__:<module>:20 - Iteration 50: Points 25 (cluster 2049) and 64 (cluster 64) connect at weight=265.0
2025-04-09 19:04:10.036 | DEBUG    | __main__:<module>:20 - Iteration 51: Points 19 (cluster 2050) and 68 (cluster 68) connect at weight=265.0
2025-04-09 19:04:10.036 | DEBUG    | __main__:<module>:20 - Iteration 52: Points 70 (cluster 2046) and 61 (cluster 2043) connect at weight=264.0
2025-04-09 19:04:10.037 | DEBUG    | __main__:<module>:20 - Iteration 53: Points 63 (cluster 63) and 81 (cluster 81) connect at weight=264.0
2025-04-09 19:04:10.037 | DEBUG    | __main__:<module>:20 - Iteration 54: Points 53 (cluster 2048) and 66 (cluster 66) connect at weight=264.0
2025-04-09 19:04:10.037 | DEBUG    | __main__:<module>:20 - Iteration 55: Points 51 (cluster 51) and 63 (cluster 2053) connect at weight=264.0
2025-04-09 19:04:10.037 | DEBUG    | __main__:<module>:20 - Iteration 56: Points 44 (cluster 2051) and 76 (cluster 76) connect at weight=264.0
2025-04-09 19:04:10.037 | DEBUG    | __main__:<module>:20 - Iteration 57: Points 41 (cluster 2045) and 52 (cluster 52) connect at weight=264.0
2025-04-09 19:04:10.037 | DEBUG    | __main__:<module>:20 - Iteration 58: Points 22 (cluster 2056) and 74 (cluster 74) connect at weight=264.0
2025-04-09 19:04:10.038 | DEBUG    | __main__:<module>:20 - Iteration 59: Points 97 (cluster 97) and 85 (cluster 85) connect at weight=263.0
2025-04-09 19:04:10.038 | DEBUG    | __main__:<module>:20 - Iteration 60: Points 83 (cluster 83) and 75 (cluster 75) connect at weight=263.0
2025-04-09 19:04:10.038 | DEBUG    | __main__:<module>:20 - Iteration 61: Points 82 (cluster 82) and 77 (cluster 77) connect at weight=263.0
2025-04-09 19:04:10.038 | DEBUG    | __main__:<module>:20 - Iteration 62: Points 77 (cluster 2061) and 60 (cluster 60) connect at weight=263.0
2025-04-09 19:04:10.038 | DEBUG    | __main__:<module>:20 - Iteration 63: Points 74 (cluster 2058) and 88 (cluster 88) connect at weight=263.0
2025-04-09 19:04:10.039 | DEBUG    | __main__:<module>:20 - Iteration 64: Points 62 (cluster 2063) and 73 (cluster 73) connect at weight=263.0
2025-04-09 19:04:10.039 | DEBUG    | __main__:<module>:20 - Iteration 65: Points 58 (cluster 58) and 95 (cluster 95) connect at weight=263.0
2025-04-09 19:04:10.039 | DEBUG    | __main__:<module>:20 - Iteration 66: Points 58 (cluster 2065) and 92 (cluster 92) connect at weight=263.0
2025-04-09 19:04:10.039 | DEBUG    | __main__:<module>:20 - Iteration 67: Points 56 (cluster 2064) and 97 (cluster 2059) connect at weight=263.0
2025-04-09 19:04:10.039 | DEBUG    | __main__:<module>:20 - Iteration 68: Points 56 (cluster 2067) and 87 (cluster 87) connect at weight=263.0
2025-04-09 19:04:10.040 | DEBUG    | __main__:<module>:20 - Iteration 69: Points 53 (cluster 2054) and 57 (cluster 2052) connect at weight=263.0
2025-04-09 19:04:10.040 | DEBUG    | __main__:<module>:20 - Iteration 70: Points 52 (cluster 2057) and 43 (cluster 2069) connect at weight=263.0
2025-04-09 19:04:10.040 | DEBUG    | __main__:<module>:20 - Iteration 71: Points 49 (cluster 49) and 67 (cluster 67) connect at weight=263.0
2025-04-09 19:04:10.040 | DEBUG    | __main__:<module>:20 - Iteration 72: Points 28 (cluster 2068) and 46 (cluster 46) connect at weight=263.0
2025-04-09 19:04:10.040 | DEBUG    | __main__:<module>:20 - Iteration 73: Points 101 (cluster 101) and 94 (cluster 94) connect at weight=262.0
2025-04-09 19:04:10.040 | DEBUG    | __main__:<module>:20 - Iteration 74: Points 83 (cluster 2060) and 98 (cluster 98) connect at weight=262.0
2025-04-09 19:04:10.041 | DEBUG    | __main__:<module>:20 - Iteration 75: Points 76 (cluster 2072) and 105 (cluster 105) connect at weight=262.0
2025-04-09 19:04:10.041 | DEBUG    | __main__:<module>:20 - Iteration 76: Points 67 (cluster 2071) and 82 (cluster 2062) connect at weight=262.0
2025-04-09 19:04:10.041 | DEBUG    | __main__:<module>:20 - Iteration 77: Points 65 (cluster 65) and 71 (cluster 71) connect at weight=262.0
2025-04-09 19:04:10.041 | DEBUG    | __main__:<module>:20 - Iteration 78: Points 51 (cluster 2055) and 83 (cluster 2074) connect at weight=262.0
2025-04-09 19:04:10.041 | DEBUG    | __main__:<module>:20 - Iteration 79: Points 47 (cluster 2075) and 99 (cluster 99) connect at weight=262.0
2025-04-09 19:04:10.042 | DEBUG    | __main__:<module>:20 - Iteration 80: Points 33 (cluster 2070) and 101 (cluster 2073) connect at weight=262.0
2025-04-09 19:04:10.042 | DEBUG    | __main__:<module>:20 - Iteration 81: Points 26 (cluster 2080) and 34 (cluster 34) connect at weight=262.0
2025-04-09 19:04:10.042 | DEBUG    | __main__:<module>:20 - Iteration 82: Points 114 (cluster 114) and 65 (cluster 2077) connect at weight=261.0
2025-04-09 19:04:10.042 | DEBUG    | __main__:<module>:20 - Iteration 83: Points 89 (cluster 89) and 78 (cluster 78) connect at weight=261.0
2025-04-09 19:04:10.042 | DEBUG    | __main__:<module>:20 - Iteration 84: Points 69 (cluster 69) and 89 (cluster 2083) connect at weight=261.0
2025-04-09 19:04:10.043 | DEBUG    | __main__:<module>:20 - Iteration 85: Points 60 (cluster 2076) and 110 (cluster 110) connect at weight=261.0
2025-04-09 19:04:10.043 | DEBUG    | __main__:<module>:20 - Iteration 86: Points 55 (cluster 2047) and 86 (cluster 86) connect at weight=261.0
2025-04-09 19:04:10.043 | DEBUG    | __main__:<module>:20 - Iteration 87: Points 51 (cluster 2078) and 79 (cluster 79) connect at weight=261.0
2025-04-09 19:04:10.043 | DEBUG    | __main__:<module>:20 - Iteration 88: Points 38 (cluster 2079) and 106 (cluster 106) connect at weight=261.0
2025-04-09 19:04:10.043 | DEBUG    | __main__:<module>:20 - Iteration 89: Points 30 (cluster 2088) and 115 (cluster 115) connect at weight=261.0
2025-04-09 19:04:10.043 | DEBUG    | __main__:<module>:20 - Iteration 90: Points 106 (cluster 2089) and 123 (cluster 123) connect at weight=260.0
2025-04-09 19:04:10.044 | DEBUG    | __main__:<module>:20 - Iteration 91: Points 90 (cluster 90) and 84 (cluster 84) connect at weight=260.0
2025-04-09 19:04:10.044 | DEBUG    | __main__:<module>:20 - Iteration 92: Points 80 (cluster 80) and 93 (cluster 93) connect at weight=260.0
2025-04-09 19:04:10.044 | DEBUG    | __main__:<module>:20 - Iteration 93: Points 72 (cluster 72) and 114 (cluster 2082) connect at weight=260.0
2025-04-09 19:04:10.044 | DEBUG    | __main__:<module>:20 - Iteration 94: Points 69 (cluster 2084) and 118 (cluster 118) connect at weight=260.0
2025-04-09 19:04:10.044 | DEBUG    | __main__:<module>:20 - Iteration 95: Points 64 (cluster 2090) and 122 (cluster 122) connect at weight=260.0
2025-04-09 19:04:10.045 | DEBUG    | __main__:<module>:20 - Iteration 96: Points 46 (cluster 2095) and 39 (cluster 39) connect at weight=260.0
2025-04-09 19:04:10.045 | DEBUG    | __main__:<module>:20 - Iteration 97: Points 45 (cluster 2096) and 120 (cluster 120) connect at weight=260.0
2025-04-09 19:04:10.045 | DEBUG    | __main__:<module>:20 - Iteration 98: Points 134 (cluster 134) and 126 (cluster 126) connect at weight=259.0
2025-04-09 19:04:10.045 | DEBUG    | __main__:<module>:20 - Iteration 99: Points 108 (cluster 108) and 113 (cluster 113) connect at weight=259.0
2025-04-09 19:04:10.045 | DEBUG    | __main__:<module>:20 - Iteration 100: Points 103 (cluster 103) and 100 (cluster 100) connect at weight=259.0
2025-04-09 19:04:10.046 | DEBUG    | __main__:<module>:20 - Iteration 101: Points 102 (cluster 102) and 90 (cluster 2091) connect at weight=259.0
2025-04-09 19:04:10.046 | DEBUG    | __main__:<module>:20 - Iteration 102: Points 98 (cluster 2087) and 128 (cluster 128) connect at weight=259.0
2025-04-09 19:04:10.046 | DEBUG    | __main__:<module>:20 - Iteration 103: Points 84 (cluster 2101) and 131 (cluster 131) connect at weight=259.0
2025-04-09 19:04:10.046 | DEBUG    | __main__:<module>:20 - Iteration 104: Points 80 (cluster 2092) and 104 (cluster 104) connect at weight=259.0
2025-04-09 19:04:10.046 | DEBUG    | __main__:<module>:20 - Iteration 105: Points 75 (cluster 2102) and 58 (cluster 2066) connect at weight=259.0
2025-04-09 19:04:10.046 | DEBUG    | __main__:<module>:20 - Iteration 106: Points 52 (cluster 2081) and 129 (cluster 129) connect at weight=259.0
2025-04-09 19:04:10.047 | DEBUG    | __main__:<module>:20 - Iteration 107: Points 52 (cluster 2106) and 117 (cluster 117) connect at weight=259.0
2025-04-09 19:04:10.047 | DEBUG    | __main__:<module>:20 - Iteration 108: Points 48 (cluster 2107) and 121 (cluster 121) connect at weight=259.0
2025-04-09 19:04:10.047 | DEBUG    | __main__:<module>:20 - Iteration 109: Points 39 (cluster 2097) and 49 (cluster 2085) connect at weight=259.0
2025-04-09 19:04:10.047 | DEBUG    | __main__:<module>:20 - Iteration 110: Points 127 (cluster 127) and 138 (cluster 138) connect at weight=258.0
2025-04-09 19:04:10.047 | DEBUG    | __main__:<module>:20 - Iteration 111: Points 125 (cluster 125) and 80 (cluster 2104) connect at weight=258.0
2025-04-09 19:04:10.048 | DEBUG    | __main__:<module>:20 - Iteration 112: Points 109 (cluster 109) and 124 (cluster 124) connect at weight=258.0
2025-04-09 19:04:10.048 | DEBUG    | __main__:<module>:20 - Iteration 113: Points 103 (cluster 2100) and 134 (cluster 2098) connect at weight=258.0
2025-04-09 19:04:10.048 | DEBUG    | __main__:<module>:20 - Iteration 114: Points 99 (cluster 2109) and 145 (cluster 145) connect at weight=258.0
2025-04-09 19:04:10.048 | DEBUG    | __main__:<module>:20 - Iteration 115: Points 96 (cluster 96) and 69 (cluster 2094) connect at weight=258.0
2025-04-09 19:04:10.048 | DEBUG    | __main__:<module>:20 - Iteration 116: Points 95 (cluster 2105) and 132 (cluster 132) connect at weight=258.0
2025-04-09 19:04:10.048 | DEBUG    | __main__:<module>:20 - Iteration 117: Points 91 (cluster 91) and 72 (cluster 2093) connect at weight=258.0
2025-04-09 19:04:10.049 | DEBUG    | __main__:<module>:20 - Iteration 118: Points 84 (cluster 2103) and 116 (cluster 116) connect at weight=258.0
2025-04-09 19:04:10.049 | DEBUG    | __main__:<module>:20 - Iteration 119: Points 82 (cluster 2114) and 143 (cluster 143) connect at weight=258.0
2025-04-09 19:04:10.049 | DEBUG    | __main__:<module>:20 - Iteration 120: Points 60 (cluster 2119) and 133 (cluster 133) connect at weight=258.0
2025-04-09 19:04:10.049 | DEBUG    | __main__:<module>:20 - Iteration 121: Points 49 (cluster 2120) and 55 (cluster 2086) connect at weight=258.0
2025-04-09 19:04:10.049 | DEBUG    | __main__:<module>:20 - Iteration 122: Points 154 (cluster 154) and 102 (cluster 2118) connect at weight=257.0
2025-04-09 19:04:10.050 | DEBUG    | __main__:<module>:20 - Iteration 123: Points 117 (cluster 2108) and 150 (cluster 150) connect at weight=257.0
2025-04-09 19:04:10.050 | DEBUG    | __main__:<module>:20 - Iteration 124: Points 104 (cluster 2111) and 135 (cluster 135) connect at weight=257.0
2025-04-09 19:04:10.050 | DEBUG    | __main__:<module>:20 - Iteration 125: Points 99 (cluster 2121) and 151 (cluster 151) connect at weight=257.0
2025-04-09 19:04:10.050 | DEBUG    | __main__:<module>:20 - Iteration 126: Points 67 (cluster 2125) and 136 (cluster 136) connect at weight=257.0
2025-04-09 19:04:10.050 | DEBUG    | __main__:<module>:20 - Iteration 127: Points 59 (cluster 2126) and 149 (cluster 149) connect at weight=257.0
2025-04-09 19:04:10.050 | DEBUG    | __main__:<module>:20 - Iteration 128: Points 34 (cluster 2123) and 119 (cluster 119) connect at weight=257.0
2025-04-09 19:04:10.051 | DEBUG    | __main__:<module>:20 - Iteration 129: Points 153 (cluster 153) and 108 (cluster 2099) connect at weight=256.0
2025-04-09 19:04:10.051 | DEBUG    | __main__:<module>:20 - Iteration 130: Points 146 (cluster 146) and 125 (cluster 2124) connect at weight=256.0
2025-04-09 19:04:10.051 | DEBUG    | __main__:<module>:20 - Iteration 131: Points 138 (cluster 2110) and 111 (cluster 111) connect at weight=256.0
2025-04-09 19:04:10.051 | DEBUG    | __main__:<module>:20 - Iteration 132: Points 130 (cluster 130) and 144 (cluster 144) connect at weight=256.0
2025-04-09 19:04:10.052 | DEBUG    | __main__:<module>:20 - Iteration 133: Points 124 (cluster 2112) and 142 (cluster 142) connect at weight=256.0
2025-04-09 19:04:10.052 | DEBUG    | __main__:<module>:20 - Iteration 134: Points 115 (cluster 2127) and 159 (cluster 159) connect at weight=256.0
2025-04-09 19:04:10.052 | DEBUG    | __main__:<module>:20 - Iteration 135: Points 113 (cluster 2129) and 137 (cluster 137) connect at weight=256.0
2025-04-09 19:04:10.052 | DEBUG    | __main__:<module>:20 - Iteration 136: Points 92 (cluster 2116) and 96 (cluster 2115) connect at weight=256.0
2025-04-09 19:04:10.052 | DEBUG    | __main__:<module>:20 - Iteration 137: Points 89 (cluster 2136) and 152 (cluster 152) connect at weight=256.0
2025-04-09 19:04:10.053 | DEBUG    | __main__:<module>:20 - Iteration 138: Points 68 (cluster 2134) and 156 (cluster 156) connect at weight=256.0
2025-04-09 19:04:10.053 | DEBUG    | __main__:<module>:20 - Iteration 139: Points 34 (cluster 2128) and 112 (cluster 112) connect at weight=256.0
2025-04-09 19:04:10.053 | DEBUG    | __main__:<module>:20 - Iteration 140: Points 179 (cluster 179) and 170 (cluster 170) connect at weight=255.0
2025-04-09 19:04:10.053 | DEBUG    | __main__:<module>:20 - Iteration 141: Points 162 (cluster 162) and 173 (cluster 173) connect at weight=255.0
2025-04-09 19:04:10.053 | DEBUG    | __main__:<module>:20 - Iteration 142: Points 161 (cluster 161) and 171 (cluster 171) connect at weight=255.0
2025-04-09 19:04:10.053 | DEBUG    | __main__:<module>:20 - Iteration 143: Points 152 (cluster 2137) and 154 (cluster 2122) connect at weight=255.0
2025-04-09 19:04:10.054 | DEBUG    | __main__:<module>:20 - Iteration 144: Points 143 (cluster 2138) and 168 (cluster 168) connect at weight=255.0
2025-04-09 19:04:10.054 | DEBUG    | __main__:<module>:20 - Iteration 145: Points 132 (cluster 2143) and 176 (cluster 176) connect at weight=255.0
2025-04-09 19:04:10.054 | DEBUG    | __main__:<module>:20 - Iteration 146: Points 111 (cluster 2131) and 141 (cluster 141) connect at weight=255.0
2025-04-09 19:04:10.054 | DEBUG    | __main__:<module>:20 - Iteration 147: Points 100 (cluster 2113) and 172 (cluster 172) connect at weight=255.0
2025-04-09 19:04:10.054 | DEBUG    | __main__:<module>:20 - Iteration 148: Points 99 (cluster 2144) and 167 (cluster 167) connect at weight=255.0
2025-04-09 19:04:10.055 | DEBUG    | __main__:<module>:20 - Iteration 149: Points 93 (cluster 2130) and 169 (cluster 169) connect at weight=255.0
2025-04-09 19:04:10.055 | DEBUG    | __main__:<module>:20 - Iteration 150: Points 93 (cluster 2149) and 140 (cluster 140) connect at weight=255.0
2025-04-09 19:04:10.055 | DEBUG    | __main__:<module>:20 - Iteration 151: Points 91 (cluster 2117) and 179 (cluster 2140) connect at weight=255.0
2025-04-09 19:04:10.055 | DEBUG    | __main__:<module>:20 - Iteration 152: Points 90 (cluster 2145) and 107 (cluster 107) connect at weight=255.0
2025-04-09 19:04:10.055 | DEBUG    | __main__:<module>:20 - Iteration 153: Points 88 (cluster 2148) and 174 (cluster 174) connect at weight=255.0
2025-04-09 19:04:10.056 | DEBUG    | __main__:<module>:20 - Iteration 154: Points 72 (cluster 2151) and 147 (cluster 147) connect at weight=255.0
2025-04-09 19:04:10.056 | DEBUG    | __main__:<module>:20 - Iteration 155: Points 65 (cluster 2154) and 162 (cluster 2141) connect at weight=255.0
2025-04-09 19:04:10.056 | DEBUG    | __main__:<module>:20 - Iteration 156: Points 50 (cluster 2139) and 177 (cluster 177) connect at weight=255.0
2025-04-09 19:04:10.056 | DEBUG    | __main__:<module>:20 - Iteration 157: Points 50 (cluster 2156) and 175 (cluster 175) connect at weight=255.0
2025-04-09 19:04:10.056 | DEBUG    | __main__:<module>:20 - Iteration 158: Points 166 (cluster 166) and 91 (cluster 2155) connect at weight=254.0
2025-04-09 19:04:10.056 | DEBUG    | __main__:<module>:20 - Iteration 159: Points 163 (cluster 163) and 146 (cluster 2150) connect at weight=254.0
2025-04-09 19:04:10.057 | DEBUG    | __main__:<module>:20 - Iteration 160: Points 155 (cluster 155) and 130 (cluster 2132) connect at weight=254.0
2025-04-09 19:04:10.057 | DEBUG    | __main__:<module>:20 - Iteration 161: Points 153 (cluster 2135) and 186 (cluster 186) connect at weight=254.0
2025-04-09 19:04:10.057 | DEBUG    | __main__:<module>:20 - Iteration 162: Points 136 (cluster 2153) and 188 (cluster 188) connect at weight=254.0
2025-04-09 19:04:10.057 | DEBUG    | __main__:<module>:20 - Iteration 163: Points 121 (cluster 2157) and 103 (cluster 2147) connect at weight=254.0
2025-04-09 19:04:10.057 | DEBUG    | __main__:<module>:20 - Iteration 164: Points 112 (cluster 2163) and 51 (cluster 2152) connect at weight=254.0
2025-04-09 19:04:10.058 | DEBUG    | __main__:<module>:20 - Iteration 165: Points 109 (cluster 2133) and 148 (cluster 148) connect at weight=254.0
2025-04-09 19:04:10.058 | DEBUG    | __main__:<module>:20 - Iteration 166: Points 105 (cluster 2162) and 183 (cluster 183) connect at weight=254.0
2025-04-09 19:04:10.058 | DEBUG    | __main__:<module>:20 - Iteration 167: Points 98 (cluster 2164) and 180 (cluster 180) connect at weight=254.0
2025-04-09 19:04:10.058 | DEBUG    | __main__:<module>:20 - Iteration 168: Points 86 (cluster 2166) and 184 (cluster 184) connect at weight=254.0
2025-04-09 19:04:10.058 | DEBUG    | __main__:<module>:20 - Iteration 169: Points 73 (cluster 2168) and 190 (cluster 190) connect at weight=254.0
2025-04-09 19:04:10.058 | DEBUG    | __main__:<module>:20 - Iteration 170: Points 73 (cluster 2169) and 166 (cluster 2158) connect at weight=254.0
2025-04-09 19:04:10.059 | DEBUG    | __main__:<module>:20 - Iteration 171: Points 66 (cluster 2167) and 181 (cluster 181) connect at weight=254.0
2025-04-09 19:04:10.059 | DEBUG    | __main__:<module>:20 - Iteration 172: Points 33 (cluster 2171) and 185 (cluster 185) connect at weight=254.0
2025-04-09 19:04:10.059 | DEBUG    | __main__:<module>:20 - Iteration 173: Points 211 (cluster 211) and 197 (cluster 197) connect at weight=253.0
2025-04-09 19:04:10.059 | DEBUG    | __main__:<module>:20 - Iteration 174: Points 209 (cluster 209) and 164 (cluster 164) connect at weight=253.0
2025-04-09 19:04:10.059 | DEBUG    | __main__:<module>:20 - Iteration 175: Points 203 (cluster 203) and 191 (cluster 191) connect at weight=253.0
2025-04-09 19:04:10.060 | DEBUG    | __main__:<module>:20 - Iteration 176: Points 189 (cluster 189) and 193 (cluster 193) connect at weight=253.0
2025-04-09 19:04:10.060 | DEBUG    | __main__:<module>:20 - Iteration 177: Points 171 (cluster 2142) and 160 (cluster 160) connect at weight=253.0
2025-04-09 19:04:10.060 | DEBUG    | __main__:<module>:20 - Iteration 178: Points 159 (cluster 2170) and 195 (cluster 195) connect at weight=253.0
2025-04-09 19:04:10.060 | DEBUG    | __main__:<module>:20 - Iteration 179: Points 151 (cluster 2178) and 208 (cluster 208) connect at weight=253.0
2025-04-09 19:04:10.060 | DEBUG    | __main__:<module>:20 - Iteration 180: Points 142 (cluster 2165) and 207 (cluster 207) connect at weight=253.0
2025-04-09 19:04:10.060 | DEBUG    | __main__:<module>:20 - Iteration 181: Points 142 (cluster 2180) and 161 (cluster 2177) connect at weight=253.0
2025-04-09 19:04:10.061 | DEBUG    | __main__:<module>:20 - Iteration 182: Points 134 (cluster 2172) and 211 (cluster 2173) connect at weight=253.0
2025-04-09 19:04:10.061 | DEBUG    | __main__:<module>:20 - Iteration 183: Points 132 (cluster 2182) and 196 (cluster 196) connect at weight=253.0
2025-04-09 19:04:10.061 | DEBUG    | __main__:<module>:20 - Iteration 184: Points 130 (cluster 2160) and 157 (cluster 157) connect at weight=253.0
2025-04-09 19:04:10.061 | DEBUG    | __main__:<module>:20 - Iteration 185: Points 129 (cluster 2183) and 200 (cluster 200) connect at weight=253.0
2025-04-09 19:04:10.061 | DEBUG    | __main__:<module>:20 - Iteration 186: Points 97 (cluster 2179) and 204 (cluster 204) connect at weight=253.0
2025-04-09 19:04:10.062 | DEBUG    | __main__:<module>:20 - Iteration 187: Points 66 (cluster 2185) and 202 (cluster 202) connect at weight=253.0
2025-04-09 19:04:10.062 | DEBUG    | __main__:<module>:20 - Iteration 188: Points 50 (cluster 2187) and 210 (cluster 210) connect at weight=253.0
2025-04-09 19:04:10.062 | DEBUG    | __main__:<module>:20 - Iteration 189: Points 224 (cluster 224) and 209 (cluster 2174) connect at weight=252.0
2025-04-09 19:04:10.062 | DEBUG    | __main__:<module>:20 - Iteration 190: Points 205 (cluster 205) and 139 (cluster 139) connect at weight=252.0
2025-04-09 19:04:10.062 | DEBUG    | __main__:<module>:20 - Iteration 191: Points 194 (cluster 194) and 220 (cluster 220) connect at weight=252.0
2025-04-09 19:04:10.062 | DEBUG    | __main__:<module>:20 - Iteration 192: Points 194 (cluster 2191) and 158 (cluster 158) connect at weight=252.0
2025-04-09 19:04:10.063 | DEBUG    | __main__:<module>:20 - Iteration 193: Points 183 (cluster 2186) and 213 (cluster 213) connect at weight=252.0
2025-04-09 19:04:10.063 | DEBUG    | __main__:<module>:20 - Iteration 194: Points 169 (cluster 2159) and 199 (cluster 199) connect at weight=252.0
2025-04-09 19:04:10.063 | DEBUG    | __main__:<module>:20 - Iteration 195: Points 160 (cluster 2181) and 192 (cluster 192) connect at weight=252.0
2025-04-09 19:04:10.063 | DEBUG    | __main__:<module>:20 - Iteration 196: Points 154 (cluster 2188) and 217 (cluster 217) connect at weight=252.0
2025-04-09 19:04:10.063 | DEBUG    | __main__:<module>:20 - Iteration 197: Points 147 (cluster 2193) and 214 (cluster 214) connect at weight=252.0
2025-04-09 19:04:10.064 | DEBUG    | __main__:<module>:20 - Iteration 198: Points 134 (cluster 2196) and 216 (cluster 216) connect at weight=252.0
2025-04-09 19:04:10.064 | DEBUG    | __main__:<module>:20 - Iteration 199: Points 127 (cluster 2146) and 212 (cluster 212) connect at weight=252.0
2025-04-09 19:04:10.064 | DEBUG    | __main__:<module>:20 - Iteration 200: Points 121 (cluster 2198) and 222 (cluster 222) connect at weight=252.0
2025-04-09 19:04:10.064 | DEBUG    | __main__:<module>:20 - Iteration 201: Points 120 (cluster 2197) and 223 (cluster 223) connect at weight=252.0
2025-04-09 19:04:10.064 | DEBUG    | __main__:<module>:20 - Iteration 202: Points 108 (cluster 2161) and 203 (cluster 2175) connect at weight=252.0
2025-04-09 19:04:10.064 | DEBUG    | __main__:<module>:20 - Iteration 203: Points 100 (cluster 2200) and 187 (cluster 187) connect at weight=252.0
2025-04-09 19:04:10.065 | DEBUG    | __main__:<module>:20 - Iteration 204: Points 55 (cluster 2201) and 109 (cluster 2195) connect at weight=252.0
2025-04-09 19:04:10.065 | DEBUG    | __main__:<module>:20 - Iteration 205: Points 219 (cluster 219) and 127 (cluster 2199) connect at weight=251.0
2025-04-09 19:04:10.065 | DEBUG    | __main__:<module>:20 - Iteration 206: Points 215 (cluster 215) and 178 (cluster 178) connect at weight=251.0
2025-04-09 19:04:10.065 | DEBUG    | __main__:<module>:20 - Iteration 207: Points 208 (cluster 2204) and 228 (cluster 228) connect at weight=251.0
2025-04-09 19:04:10.065 | DEBUG    | __main__:<module>:20 - Iteration 208: Points 206 (cluster 206) and 233 (cluster 233) connect at weight=251.0
2025-04-09 19:04:10.066 | DEBUG    | __main__:<module>:20 - Iteration 209: Points 203 (cluster 2202) and 229 (cluster 229) connect at weight=251.0
2025-04-09 19:04:10.066 | DEBUG    | __main__:<module>:20 - Iteration 210: Points 178 (cluster 2206) and 194 (cluster 2192) connect at weight=251.0
2025-04-09 19:04:10.066 | DEBUG    | __main__:<module>:20 - Iteration 211: Points 173 (cluster 2207) and 205 (cluster 2190) connect at weight=251.0
2025-04-09 19:04:10.066 | DEBUG    | __main__:<module>:20 - Iteration 212: Points 171 (cluster 2211) and 232 (cluster 232) connect at weight=251.0
2025-04-09 19:04:10.066 | DEBUG    | __main__:<module>:20 - Iteration 213: Points 158 (cluster 2210) and 206 (cluster 2208) connect at weight=251.0
2025-04-09 19:04:10.066 | DEBUG    | __main__:<module>:20 - Iteration 214: Points 157 (cluster 2184) and 236 (cluster 236) connect at weight=251.0
2025-04-09 19:04:10.067 | DEBUG    | __main__:<module>:20 - Iteration 215: Points 146 (cluster 2194) and 226 (cluster 226) connect at weight=251.0
2025-04-09 19:04:10.067 | DEBUG    | __main__:<module>:20 - Iteration 216: Points 133 (cluster 2212) and 235 (cluster 235) connect at weight=251.0
2025-04-09 19:04:10.067 | DEBUG    | __main__:<module>:20 - Iteration 217: Points 131 (cluster 2203) and 219 (cluster 2205) connect at weight=251.0
2025-04-09 19:04:10.067 | DEBUG    | __main__:<module>:20 - Iteration 218: Points 128 (cluster 2217) and 234 (cluster 234) connect at weight=251.0
2025-04-09 19:04:10.067 | DEBUG    | __main__:<module>:20 - Iteration 219: Points 119 (cluster 2218) and 218 (cluster 218) connect at weight=251.0
2025-04-09 19:04:10.068 | DEBUG    | __main__:<module>:20 - Iteration 220: Points 108 (cluster 2209) and 227 (cluster 227) connect at weight=251.0
2025-04-09 19:04:10.068 | DEBUG    | __main__:<module>:20 - Iteration 221: Points 86 (cluster 2216) and 230 (cluster 230) connect at weight=251.0
2025-04-09 19:04:10.068 | DEBUG    | __main__:<module>:20 - Iteration 222: Points 253 (cluster 253) and 239 (cluster 239) connect at weight=250.0
2025-04-09 19:04:10.068 | DEBUG    | __main__:<module>:20 - Iteration 223: Points 227 (cluster 2220) and 237 (cluster 237) connect at weight=250.0
2025-04-09 19:04:10.068 | DEBUG    | __main__:<module>:20 - Iteration 224: Points 226 (cluster 2215) and 241 (cluster 241) connect at weight=250.0
2025-04-09 19:04:10.068 | DEBUG    | __main__:<module>:20 - Iteration 225: Points 224 (cluster 2189) and 250 (cluster 250) connect at weight=250.0
2025-04-09 19:04:10.069 | DEBUG    | __main__:<module>:20 - Iteration 226: Points 222 (cluster 2219) and 238 (cluster 238) connect at weight=250.0
2025-04-09 19:04:10.069 | DEBUG    | __main__:<module>:20 - Iteration 227: Points 205 (cluster 2221) and 242 (cluster 242) connect at weight=250.0
2025-04-09 19:04:10.069 | DEBUG    | __main__:<module>:20 - Iteration 228: Points 179 (cluster 2227) and 252 (cluster 252) connect at weight=250.0
2025-04-09 19:04:10.069 | DEBUG    | __main__:<module>:20 - Iteration 229: Points 165 (cluster 165) and 224 (cluster 2225) connect at weight=250.0
2025-04-09 19:04:10.069 | DEBUG    | __main__:<module>:20 - Iteration 230: Points 155 (cluster 2214) and 244 (cluster 244) connect at weight=250.0
2025-04-09 19:04:10.070 | DEBUG    | __main__:<module>:20 - Iteration 231: Points 141 (cluster 2226) and 231 (cluster 231) connect at weight=250.0
2025-04-09 19:04:10.070 | DEBUG    | __main__:<module>:20 - Iteration 232: Points 139 (cluster 2228) and 153 (cluster 2223) connect at weight=250.0
2025-04-09 19:04:10.070 | DEBUG    | __main__:<module>:20 - Iteration 233: Points 268 (cluster 268) and 248 (cluster 248) connect at weight=249.0
2025-04-09 19:04:10.070 | DEBUG    | __main__:<module>:20 - Iteration 234: Points 262 (cluster 262) and 251 (cluster 251) connect at weight=249.0
2025-04-09 19:04:10.070 | DEBUG    | __main__:<module>:20 - Iteration 235: Points 253 (cluster 2222) and 246 (cluster 246) connect at weight=249.0
2025-04-09 19:04:10.070 | DEBUG    | __main__:<module>:20 - Iteration 236: Points 238 (cluster 2231) and 266 (cluster 266) connect at weight=249.0
2025-04-09 19:04:10.071 | DEBUG    | __main__:<module>:20 - Iteration 237: Points 233 (cluster 2213) and 247 (cluster 247) connect at weight=249.0
2025-04-09 19:04:10.071 | DEBUG    | __main__:<module>:20 - Iteration 238: Points 216 (cluster 2236) and 260 (cluster 260) connect at weight=249.0
2025-04-09 19:04:10.071 | DEBUG    | __main__:<module>:20 - Iteration 239: Points 210 (cluster 2238) and 267 (cluster 267) connect at weight=249.0
2025-04-09 19:04:10.071 | DEBUG    | __main__:<module>:20 - Iteration 240: Points 187 (cluster 2239) and 163 (cluster 2224) connect at weight=249.0
2025-04-09 19:04:10.071 | DEBUG    | __main__:<module>:20 - Iteration 241: Points 183 (cluster 2232) and 263 (cluster 263) connect at weight=249.0
2025-04-09 19:04:10.071 | DEBUG    | __main__:<module>:20 - Iteration 242: Points 165 (cluster 2229) and 182 (cluster 182) connect at weight=249.0
2025-04-09 19:04:10.072 | DEBUG    | __main__:<module>:20 - Iteration 243: Points 157 (cluster 2230) and 261 (cluster 261) connect at weight=249.0
2025-04-09 19:04:10.072 | DEBUG    | __main__:<module>:20 - Iteration 244: Points 141 (cluster 2240) and 253 (cluster 2235) connect at weight=249.0
2025-04-09 19:04:10.072 | DEBUG    | __main__:<module>:20 - Iteration 245: Points 119 (cluster 2244) and 257 (cluster 257) connect at weight=249.0
2025-04-09 19:04:10.072 | DEBUG    | __main__:<module>:20 - Iteration 246: Points 266 (cluster 2245) and 277 (cluster 277) connect at weight=248.0
2025-04-09 19:04:10.072 | DEBUG    | __main__:<module>:20 - Iteration 247: Points 264 (cluster 264) and 243 (cluster 243) connect at weight=248.0
2025-04-09 19:04:10.073 | DEBUG    | __main__:<module>:20 - Iteration 248: Points 257 (cluster 2246) and 280 (cluster 280) connect at weight=248.0
2025-04-09 19:04:10.073 | DEBUG    | __main__:<module>:20 - Iteration 249: Points 252 (cluster 2241) and 256 (cluster 256) connect at weight=248.0
2025-04-09 19:04:10.073 | DEBUG    | __main__:<module>:20 - Iteration 250: Points 249 (cluster 249) and 264 (cluster 2247) connect at weight=248.0
2025-04-09 19:04:10.073 | DEBUG    | __main__:<module>:20 - Iteration 251: Points 249 (cluster 2250) and 254 (cluster 254) connect at weight=248.0
2025-04-09 19:04:10.073 | DEBUG    | __main__:<module>:20 - Iteration 252: Points 248 (cluster 2233) and 189 (cluster 2176) connect at weight=248.0
2025-04-09 19:04:10.073 | DEBUG    | __main__:<module>:20 - Iteration 253: Points 247 (cluster 2237) and 245 (cluster 245) connect at weight=248.0
2025-04-09 19:04:10.074 | DEBUG    | __main__:<module>:20 - Iteration 254: Points 245 (cluster 2253) and 262 (cluster 2234) connect at weight=248.0
2025-04-09 19:04:10.074 | DEBUG    | __main__:<module>:20 - Iteration 255: Points 192 (cluster 2249) and 265 (cluster 265) connect at weight=248.0
2025-04-09 19:04:10.074 | DEBUG    | __main__:<module>:20 - Iteration 256: Points 181 (cluster 2248) and 269 (cluster 269) connect at weight=248.0
2025-04-09 19:04:10.074 | DEBUG    | __main__:<module>:20 - Iteration 257: Points 179 (cluster 2255) and 279 (cluster 279) connect at weight=248.0
2025-04-09 19:04:10.074 | DEBUG    | __main__:<module>:20 - Iteration 258: Points 177 (cluster 2256) and 285 (cluster 285) connect at weight=248.0
2025-04-09 19:04:10.075 | DEBUG    | __main__:<module>:20 - Iteration 259: Points 177 (cluster 2258) and 283 (cluster 283) connect at weight=248.0
2025-04-09 19:04:10.075 | DEBUG    | __main__:<module>:20 - Iteration 260: Points 157 (cluster 2243) and 165 (cluster 2242) connect at weight=248.0
2025-04-09 19:04:10.075 | DEBUG    | __main__:<module>:20 - Iteration 261: Points 147 (cluster 2257) and 259 (cluster 259) connect at weight=248.0
2025-04-09 19:04:10.075 | DEBUG    | __main__:<module>:20 - Iteration 262: Points 109 (cluster 2261) and 201 (cluster 201) connect at weight=248.0
2025-04-09 19:04:10.075 | DEBUG    | __main__:<module>:20 - Iteration 263: Points 86 (cluster 2262) and 255 (cluster 255) connect at weight=248.0
2025-04-09 19:04:10.076 | DEBUG    | __main__:<module>:20 - Iteration 264: Points 50 (cluster 2259) and 275 (cluster 275) connect at weight=248.0
2025-04-09 19:04:10.076 | DEBUG    | __main__:<module>:20 - Iteration 265: Points 282 (cluster 282) and 225 (cluster 225) connect at weight=247.0
2025-04-09 19:04:10.076 | DEBUG    | __main__:<module>:20 - Iteration 266: Points 279 (cluster 2263) and 292 (cluster 292) connect at weight=247.0
2025-04-09 19:04:10.076 | DEBUG    | __main__:<module>:20 - Iteration 267: Points 276 (cluster 276) and 249 (cluster 2251) connect at weight=247.0
2025-04-09 19:04:10.076 | DEBUG    | __main__:<module>:20 - Iteration 268: Points 265 (cluster 2266) and 297 (cluster 297) connect at weight=247.0
2025-04-09 19:04:10.076 | DEBUG    | __main__:<module>:20 - Iteration 269: Points 251 (cluster 2254) and 276 (cluster 2267) connect at weight=247.0
2025-04-09 19:04:10.077 | DEBUG    | __main__:<module>:20 - Iteration 270: Points 240 (cluster 240) and 272 (cluster 272) connect at weight=247.0
2025-04-09 19:04:10.077 | DEBUG    | __main__:<module>:20 - Iteration 271: Points 237 (cluster 2268) and 271 (cluster 271) connect at weight=247.0
2025-04-09 19:04:10.077 | DEBUG    | __main__:<module>:20 - Iteration 272: Points 231 (cluster 2264) and 268 (cluster 2252) connect at weight=247.0
2025-04-09 19:04:10.077 | DEBUG    | __main__:<module>:20 - Iteration 273: Points 225 (cluster 2265) and 198 (cluster 198) connect at weight=247.0
2025-04-09 19:04:10.077 | DEBUG    | __main__:<module>:20 - Iteration 274: Points 220 (cluster 2269) and 290 (cluster 290) connect at weight=247.0
2025-04-09 19:04:10.078 | DEBUG    | __main__:<module>:20 - Iteration 275: Points 217 (cluster 2272) and 293 (cluster 293) connect at weight=247.0
2025-04-09 19:04:10.078 | DEBUG    | __main__:<module>:20 - Iteration 276: Points 212 (cluster 2275) and 294 (cluster 294) connect at weight=247.0
2025-04-09 19:04:10.078 | DEBUG    | __main__:<module>:20 - Iteration 277: Points 202 (cluster 2276) and 288 (cluster 288) connect at weight=247.0
2025-04-09 19:04:10.078 | DEBUG    | __main__:<module>:20 - Iteration 278: Points 198 (cluster 2273) and 286 (cluster 286) connect at weight=247.0
2025-04-09 19:04:10.078 | DEBUG    | __main__:<module>:20 - Iteration 279: Points 185 (cluster 2277) and 289 (cluster 289) connect at weight=247.0
2025-04-09 19:04:10.079 | DEBUG    | __main__:<module>:20 - Iteration 280: Points 165 (cluster 2260) and 274 (cluster 274) connect at weight=247.0
2025-04-09 19:04:10.079 | DEBUG    | __main__:<module>:20 - Iteration 281: Points 140 (cluster 2279) and 281 (cluster 281) connect at weight=247.0
2025-04-09 19:04:10.079 | DEBUG    | __main__:<module>:20 - Iteration 282: Points 138 (cluster 2281) and 295 (cluster 295) connect at weight=247.0
2025-04-09 19:04:10.079 | DEBUG    | __main__:<module>:20 - Iteration 283: Points 131 (cluster 2282) and 291 (cluster 291) connect at weight=247.0
2025-04-09 19:04:10.079 | DEBUG    | __main__:<module>:20 - Iteration 284: Points 33 (cluster 2283) and 273 (cluster 273) connect at weight=247.0
2025-04-09 19:04:10.079 | DEBUG    | __main__:<module>:20 - Iteration 285: Points 311 (cluster 311) and 240 (cluster 2270) connect at weight=246.0
2025-04-09 19:04:10.080 | DEBUG    | __main__:<module>:20 - Iteration 286: Points 295 (cluster 2284) and 305 (cluster 305) connect at weight=246.0
2025-04-09 19:04:10.080 | DEBUG    | __main__:<module>:20 - Iteration 287: Points 270 (cluster 270) and 296 (cluster 296) connect at weight=246.0
2025-04-09 19:04:10.080 | DEBUG    | __main__:<module>:20 - Iteration 288: Points 262 (cluster 2274) and 300 (cluster 300) connect at weight=246.0
2025-04-09 19:04:10.080 | DEBUG    | __main__:<module>:20 - Iteration 289: Points 254 (cluster 2288) and 309 (cluster 309) connect at weight=246.0
2025-04-09 19:04:10.080 | DEBUG    | __main__:<module>:20 - Iteration 290: Points 244 (cluster 2280) and 304 (cluster 304) connect at weight=246.0
2025-04-09 19:04:10.081 | DEBUG    | __main__:<module>:20 - Iteration 291: Points 198 (cluster 2278) and 270 (cluster 2287) connect at weight=246.0
2025-04-09 19:04:10.081 | DEBUG    | __main__:<module>:20 - Iteration 292: Points 195 (cluster 2271) and 301 (cluster 301) connect at weight=246.0
2025-04-09 19:04:10.081 | DEBUG    | __main__:<module>:20 - Iteration 293: Points 177 (cluster 2286) and 308 (cluster 308) connect at weight=246.0
2025-04-09 19:04:10.081 | DEBUG    | __main__:<module>:20 - Iteration 294: Points 164 (cluster 2290) and 258 (cluster 258) connect at weight=246.0
2025-04-09 19:04:10.081 | DEBUG    | __main__:<module>:20 - Iteration 295: Points 155 (cluster 2294) and 287 (cluster 287) connect at weight=246.0
2025-04-09 19:04:10.081 | DEBUG    | __main__:<module>:20 - Iteration 296: Points 140 (cluster 2293) and 155 (cluster 2295) connect at weight=246.0
2025-04-09 19:04:10.082 | DEBUG    | __main__:<module>:20 - Iteration 297: Points 110 (cluster 2292) and 302 (cluster 302) connect at weight=246.0
2025-04-09 19:04:10.082 | DEBUG    | __main__:<module>:20 - Iteration 298: Points 302 (cluster 2297) and 314 (cluster 314) connect at weight=245.0
2025-04-09 19:04:10.082 | DEBUG    | __main__:<module>:20 - Iteration 299: Points 296 (cluster 2291) and 215 (cluster 2289) connect at weight=245.0
2025-04-09 19:04:10.082 | DEBUG    | __main__:<module>:20 - Iteration 300: Points 284 (cluster 284) and 299 (cluster 299) connect at weight=245.0
2025-04-09 19:04:10.082 | DEBUG    | __main__:<module>:20 - Iteration 301: Points 232 (cluster 2298) and 319 (cluster 319) connect at weight=245.0
2025-04-09 19:04:10.083 | DEBUG    | __main__:<module>:20 - Iteration 302: Points 232 (cluster 2301) and 316 (cluster 316) connect at weight=245.0
2025-04-09 19:04:10.083 | DEBUG    | __main__:<module>:20 - Iteration 303: Points 232 (cluster 2302) and 315 (cluster 315) connect at weight=245.0
2025-04-09 19:04:10.083 | DEBUG    | __main__:<module>:20 - Iteration 304: Points 216 (cluster 2296) and 312 (cluster 312) connect at weight=245.0
2025-04-09 19:04:10.083 | DEBUG    | __main__:<module>:20 - Iteration 305: Points 203 (cluster 2303) and 320 (cluster 320) connect at weight=245.0
2025-04-09 19:04:10.083 | DEBUG    | __main__:<module>:20 - Iteration 306: Points 198 (cluster 2299) and 221 (cluster 221) connect at weight=245.0
2025-04-09 19:04:10.083 | DEBUG    | __main__:<module>:20 - Iteration 307: Points 184 (cluster 2305) and 322 (cluster 322) connect at weight=245.0
2025-04-09 19:04:10.084 | DEBUG    | __main__:<module>:20 - Iteration 308: Points 151 (cluster 2307) and 313 (cluster 313) connect at weight=245.0
2025-04-09 19:04:10.084 | DEBUG    | __main__:<module>:20 - Iteration 309: Points 334 (cluster 334) and 333 (cluster 333) connect at weight=244.0
2025-04-09 19:04:10.084 | DEBUG    | __main__:<module>:20 - Iteration 310: Points 334 (cluster 2309) and 329 (cluster 329) connect at weight=244.0
2025-04-09 19:04:10.084 | DEBUG    | __main__:<module>:20 - Iteration 311: Points 320 (cluster 2308) and 334 (cluster 2310) connect at weight=244.0
2025-04-09 19:04:10.084 | DEBUG    | __main__:<module>:20 - Iteration 312: Points 298 (cluster 298) and 332 (cluster 332) connect at weight=244.0
2025-04-09 19:04:10.085 | DEBUG    | __main__:<module>:20 - Iteration 313: Points 258 (cluster 2304) and 323 (cluster 323) connect at weight=244.0
2025-04-09 19:04:10.085 | DEBUG    | __main__:<module>:20 - Iteration 314: Points 247 (cluster 2306) and 318 (cluster 318) connect at weight=244.0
2025-04-09 19:04:10.085 | DEBUG    | __main__:<module>:20 - Iteration 315: Points 230 (cluster 2311) and 328 (cluster 328) connect at weight=244.0
2025-04-09 19:04:10.085 | DEBUG    | __main__:<module>:20 - Iteration 316: Points 193 (cluster 2313) and 307 (cluster 307) connect at weight=244.0
2025-04-09 19:04:10.085 | DEBUG    | __main__:<module>:20 - Iteration 317: Points 193 (cluster 2316) and 298 (cluster 2312) connect at weight=244.0
2025-04-09 19:04:10.085 | DEBUG    | __main__:<module>:20 - Iteration 318: Points 185 (cluster 2317) and 326 (cluster 326) connect at weight=244.0
2025-04-09 19:04:10.086 | DEBUG    | __main__:<module>:20 - Iteration 319: Points 163 (cluster 2318) and 321 (cluster 321) connect at weight=244.0
2025-04-09 19:04:10.086 | DEBUG    | __main__:<module>:20 - Iteration 320: Points 108 (cluster 2315) and 282 (cluster 2314) connect at weight=244.0
2025-04-09 19:04:10.086 | DEBUG    | __main__:<module>:20 - Iteration 321: Points 50 (cluster 2319) and 331 (cluster 331) connect at weight=244.0
2025-04-09 19:04:10.086 | DEBUG    | __main__:<module>:20 - Iteration 322: Points 340 (cluster 340) and 303 (cluster 303) connect at weight=243.0
2025-04-09 19:04:10.086 | DEBUG    | __main__:<module>:20 - Iteration 323: Points 324 (cluster 324) and 311 (cluster 2285) connect at weight=243.0
2025-04-09 19:04:10.087 | DEBUG    | __main__:<module>:20 - Iteration 324: Points 310 (cluster 310) and 340 (cluster 2322) connect at weight=243.0
2025-04-09 19:04:10.087 | DEBUG    | __main__:<module>:20 - Iteration 325: Points 310 (cluster 2324) and 335 (cluster 335) connect at weight=243.0
2025-04-09 19:04:10.087 | DEBUG    | __main__:<module>:20 - Iteration 326: Points 272 (cluster 2323) and 317 (cluster 317) connect at weight=243.0
2025-04-09 19:04:10.087 | DEBUG    | __main__:<module>:20 - Iteration 327: Points 271 (cluster 2320) and 336 (cluster 336) connect at weight=243.0
2025-04-09 19:04:10.087 | DEBUG    | __main__:<module>:20 - Iteration 328: Points 258 (cluster 2321) and 327 (cluster 327) connect at weight=243.0
2025-04-09 19:04:10.087 | DEBUG    | __main__:<module>:20 - Iteration 329: Points 256 (cluster 2327) and 345 (cluster 345) connect at weight=243.0
2025-04-09 19:04:10.088 | DEBUG    | __main__:<module>:20 - Iteration 330: Points 253 (cluster 2328) and 337 (cluster 337) connect at weight=243.0
2025-04-09 19:04:10.088 | DEBUG    | __main__:<module>:20 - Iteration 331: Points 232 (cluster 2329) and 339 (cluster 339) connect at weight=243.0
2025-04-09 19:04:10.088 | DEBUG    | __main__:<module>:20 - Iteration 332: Points 218 (cluster 2330) and 330 (cluster 330) connect at weight=243.0
2025-04-09 19:04:10.088 | DEBUG    | __main__:<module>:20 - Iteration 333: Points 217 (cluster 2332) and 346 (cluster 346) connect at weight=243.0
2025-04-09 19:04:10.088 | DEBUG    | __main__:<module>:20 - Iteration 334: Points 214 (cluster 2331) and 342 (cluster 342) connect at weight=243.0
2025-04-09 19:04:10.089 | DEBUG    | __main__:<module>:20 - Iteration 335: Points 96 (cluster 2333) and 343 (cluster 343) connect at weight=243.0
2025-04-09 19:04:10.089 | DEBUG    | __main__:<module>:20 - Iteration 336: Points 325 (cluster 325) and 344 (cluster 344) connect at weight=242.0
2025-04-09 19:04:10.089 | DEBUG    | __main__:<module>:20 - Iteration 337: Points 310 (cluster 2325) and 278 (cluster 278) connect at weight=242.0
2025-04-09 19:04:10.089 | DEBUG    | __main__:<module>:20 - Iteration 338: Points 304 (cluster 2335) and 352 (cluster 352) connect at weight=242.0
2025-04-09 19:04:10.089 | DEBUG    | __main__:<module>:20 - Iteration 339: Points 276 (cluster 2334) and 355 (cluster 355) connect at weight=242.0
2025-04-09 19:04:10.089 | DEBUG    | __main__:<module>:20 - Iteration 340: Points 272 (cluster 2326) and 284 (cluster 2300) connect at weight=242.0
2025-04-09 19:04:10.090 | DEBUG    | __main__:<module>:20 - Iteration 341: Points 271 (cluster 2339) and 354 (cluster 354) connect at weight=242.0
2025-04-09 19:04:10.090 | DEBUG    | __main__:<module>:20 - Iteration 342: Points 139 (cluster 2341) and 338 (cluster 338) connect at weight=242.0
2025-04-09 19:04:10.090 | DEBUG    | __main__:<module>:20 - Iteration 343: Points 96 (cluster 2338) and 349 (cluster 349) connect at weight=242.0
2025-04-09 19:04:10.090 | DEBUG    | __main__:<module>:20 - Iteration 344: Points 339 (cluster 2342) and 358 (cluster 358) connect at weight=241.0
2025-04-09 19:04:10.090 | DEBUG    | __main__:<module>:20 - Iteration 345: Points 327 (cluster 2343) and 341 (cluster 341) connect at weight=241.0
2025-04-09 19:04:10.091 | DEBUG    | __main__:<module>:20 - Iteration 346: Points 305 (cluster 2345) and 360 (cluster 360) connect at weight=241.0
2025-04-09 19:04:10.091 | DEBUG    | __main__:<module>:20 - Iteration 347: Points 299 (cluster 2340) and 306 (cluster 306) connect at weight=241.0
2025-04-09 19:04:10.091 | DEBUG    | __main__:<module>:20 - Iteration 348: Points 291 (cluster 2346) and 359 (cluster 359) connect at weight=241.0
2025-04-09 19:04:10.091 | DEBUG    | __main__:<module>:20 - Iteration 349: Points 286 (cluster 2344) and 366 (cluster 366) connect at weight=241.0
2025-04-09 19:04:10.091 | DEBUG    | __main__:<module>:20 - Iteration 350: Points 254 (cluster 2349) and 325 (cluster 2336) connect at weight=241.0
2025-04-09 19:04:10.091 | DEBUG    | __main__:<module>:20 - Iteration 351: Points 230 (cluster 2350) and 364 (cluster 364) connect at weight=241.0
2025-04-09 19:04:10.092 | DEBUG    | __main__:<module>:20 - Iteration 352: Points 219 (cluster 2348) and 368 (cluster 368) connect at weight=241.0
2025-04-09 19:04:10.092 | DEBUG    | __main__:<module>:20 - Iteration 353: Points 214 (cluster 2351) and 353 (cluster 353) connect at weight=241.0
2025-04-09 19:04:10.092 | DEBUG    | __main__:<module>:20 - Iteration 354: Points 133 (cluster 2353) and 350 (cluster 350) connect at weight=241.0
2025-04-09 19:04:10.092 | DEBUG    | __main__:<module>:20 - Iteration 355: Points 357 (cluster 357) and 373 (cluster 373) connect at weight=240.0
2025-04-09 19:04:10.092 | DEBUG    | __main__:<module>:20 - Iteration 356: Points 356 (cluster 356) and 348 (cluster 348) connect at weight=240.0
2025-04-09 19:04:10.093 | DEBUG    | __main__:<module>:20 - Iteration 357: Points 347 (cluster 347) and 356 (cluster 2356) connect at weight=240.0
2025-04-09 19:04:10.093 | DEBUG    | __main__:<module>:20 - Iteration 358: Points 341 (cluster 2352) and 310 (cluster 2337) connect at weight=240.0
2025-04-09 19:04:10.093 | DEBUG    | __main__:<module>:20 - Iteration 359: Points 335 (cluster 2358) and 386 (cluster 386) connect at weight=240.0
2025-04-09 19:04:10.093 | DEBUG    | __main__:<module>:20 - Iteration 360: Points 327 (cluster 2359) and 371 (cluster 371) connect at weight=240.0
2025-04-09 19:04:10.093 | DEBUG    | __main__:<module>:20 - Iteration 361: Points 319 (cluster 2354) and 365 (cluster 365) connect at weight=240.0
2025-04-09 19:04:10.094 | DEBUG    | __main__:<module>:20 - Iteration 362: Points 312 (cluster 2360) and 387 (cluster 387) connect at weight=240.0
2025-04-09 19:04:10.094 | DEBUG    | __main__:<module>:20 - Iteration 363: Points 308 (cluster 2362) and 380 (cluster 380) connect at weight=240.0
2025-04-09 19:04:10.094 | DEBUG    | __main__:<module>:20 - Iteration 364: Points 303 (cluster 2363) and 362 (cluster 362) connect at weight=240.0
2025-04-09 19:04:10.094 | DEBUG    | __main__:<module>:20 - Iteration 365: Points 298 (cluster 2364) and 361 (cluster 361) connect at weight=240.0
2025-04-09 19:04:10.094 | DEBUG    | __main__:<module>:20 - Iteration 366: Points 234 (cluster 2365) and 367 (cluster 367) connect at weight=240.0
2025-04-09 19:04:10.094 | DEBUG    | __main__:<module>:20 - Iteration 367: Points 218 (cluster 2366) and 379 (cluster 379) connect at weight=240.0
2025-04-09 19:04:10.095 | DEBUG    | __main__:<module>:20 - Iteration 368: Points 199 (cluster 2367) and 385 (cluster 385) connect at weight=240.0
2025-04-09 19:04:10.095 | DEBUG    | __main__:<module>:20 - Iteration 369: Points 383 (cluster 383) and 374 (cluster 374) connect at weight=239.0
2025-04-09 19:04:10.095 | DEBUG    | __main__:<module>:20 - Iteration 370: Points 373 (cluster 2355) and 351 (cluster 351) connect at weight=239.0
2025-04-09 19:04:10.095 | DEBUG    | __main__:<module>:20 - Iteration 371: Points 370 (cluster 370) and 324 (cluster 2347) connect at weight=239.0
2025-04-09 19:04:10.095 | DEBUG    | __main__:<module>:20 - Iteration 372: Points 362 (cluster 2368) and 376 (cluster 376) connect at weight=239.0
2025-04-09 19:04:10.095 | DEBUG    | __main__:<module>:20 - Iteration 373: Points 355 (cluster 2361) and 390 (cluster 390) connect at weight=239.0
2025-04-09 19:04:10.096 | DEBUG    | __main__:<module>:20 - Iteration 374: Points 351 (cluster 2370) and 370 (cluster 2371) connect at weight=239.0
2025-04-09 19:04:10.102 | DEBUG    | __main__:<module>:20 - Iteration 375: Points 345 (cluster 2373) and 397 (cluster 397) connect at weight=239.0
2025-04-09 19:04:10.113 | DEBUG    | __main__:<module>:20 - Iteration 376: Points 332 (cluster 2372) and 384 (cluster 384) connect at weight=239.0
2025-04-09 19:04:10.113 | DEBUG    | __main__:<module>:20 - Iteration 377: Points 331 (cluster 2376) and 400 (cluster 400) connect at weight=239.0
2025-04-09 19:04:10.113 | DEBUG    | __main__:<module>:20 - Iteration 378: Points 325 (cluster 2375) and 399 (cluster 399) connect at weight=239.0
2025-04-09 19:04:10.114 | DEBUG    | __main__:<module>:20 - Iteration 379: Points 325 (cluster 2378) and 377 (cluster 377) connect at weight=239.0
2025-04-09 19:04:10.114 | DEBUG    | __main__:<module>:20 - Iteration 380: Points 317 (cluster 2374) and 382 (cluster 382) connect at weight=239.0
2025-04-09 19:04:10.114 | DEBUG    | __main__:<module>:20 - Iteration 381: Points 315 (cluster 2379) and 393 (cluster 393) connect at weight=239.0
2025-04-09 19:04:10.114 | DEBUG    | __main__:<module>:20 - Iteration 382: Points 303 (cluster 2377) and 347 (cluster 2357) connect at weight=239.0
2025-04-09 19:04:10.114 | DEBUG    | __main__:<module>:20 - Iteration 383: Points 297 (cluster 2381) and 357 (cluster 2380) connect at weight=239.0
2025-04-09 19:04:10.114 | DEBUG    | __main__:<module>:20 - Iteration 384: Points 259 (cluster 2383) and 396 (cluster 396) connect at weight=239.0
2025-04-09 19:04:10.115 | DEBUG    | __main__:<module>:20 - Iteration 385: Points 240 (cluster 2384) and 372 (cluster 372) connect at weight=239.0
2025-04-09 19:04:10.115 | DEBUG    | __main__:<module>:20 - Iteration 386: Points 411 (cluster 411) and 405 (cluster 405) connect at weight=238.0
2025-04-09 19:04:10.115 | DEBUG    | __main__:<module>:20 - Iteration 387: Points 410 (cluster 410) and 404 (cluster 404) connect at weight=238.0
2025-04-09 19:04:10.115 | DEBUG    | __main__:<module>:20 - Iteration 388: Points 385 (cluster 2382) and 406 (cluster 406) connect at weight=238.0
2025-04-09 19:04:10.115 | DEBUG    | __main__:<module>:20 - Iteration 389: Points 384 (cluster 2388) and 381 (cluster 381) connect at weight=238.0
2025-04-09 19:04:10.116 | DEBUG    | __main__:<module>:20 - Iteration 390: Points 379 (cluster 2389) and 411 (cluster 2386) connect at weight=238.0
2025-04-09 19:04:10.116 | DEBUG    | __main__:<module>:20 - Iteration 391: Points 363 (cluster 363) and 398 (cluster 398) connect at weight=238.0
2025-04-09 19:04:10.116 | DEBUG    | __main__:<module>:20 - Iteration 392: Points 339 (cluster 2385) and 410 (cluster 2387) connect at weight=238.0
2025-04-09 19:04:10.116 | DEBUG    | __main__:<module>:20 - Iteration 393: Points 321 (cluster 2390) and 412 (cluster 412) connect at weight=238.0
2025-04-09 19:04:10.116 | DEBUG    | __main__:<module>:20 - Iteration 394: Points 321 (cluster 2393) and 409 (cluster 409) connect at weight=238.0
2025-04-09 19:04:10.116 | DEBUG    | __main__:<module>:20 - Iteration 395: Points 317 (cluster 2392) and 388 (cluster 388) connect at weight=238.0
2025-04-09 19:04:10.117 | DEBUG    | __main__:<module>:20 - Iteration 396: Points 308 (cluster 2394) and 401 (cluster 401) connect at weight=238.0
2025-04-09 19:04:10.117 | DEBUG    | __main__:<module>:20 - Iteration 397: Points 306 (cluster 2395) and 383 (cluster 2369) connect at weight=238.0
2025-04-09 19:04:10.117 | DEBUG    | __main__:<module>:20 - Iteration 398: Points 293 (cluster 2396) and 413 (cluster 413) connect at weight=238.0
2025-04-09 19:04:10.117 | DEBUG    | __main__:<module>:20 - Iteration 399: Points 293 (cluster 2398) and 407 (cluster 407) connect at weight=238.0
2025-04-09 19:04:10.117 | DEBUG    | __main__:<module>:20 - Iteration 400: Points 281 (cluster 2399) and 415 (cluster 415) connect at weight=238.0
2025-04-09 19:04:10.118 | DEBUG    | __main__:<module>:20 - Iteration 401: Points 273 (cluster 2400) and 418 (cluster 418) connect at weight=238.0
2025-04-09 19:04:10.118 | DEBUG    | __main__:<module>:20 - Iteration 402: Points 263 (cluster 2397) and 408 (cluster 408) connect at weight=238.0
2025-04-09 19:04:10.118 | DEBUG    | __main__:<module>:20 - Iteration 403: Points 250 (cluster 2401) and 414 (cluster 414) connect at weight=238.0
2025-04-09 19:04:10.118 | DEBUG    | __main__:<module>:20 - Iteration 404: Points 433 (cluster 433) and 363 (cluster 2391) connect at weight=237.0
2025-04-09 19:04:10.118 | DEBUG    | __main__:<module>:20 - Iteration 405: Points 406 (cluster 2403) and 423 (cluster 423) connect at weight=237.0
2025-04-09 19:04:10.119 | DEBUG    | __main__:<module>:20 - Iteration 406: Points 403 (cluster 403) and 417 (cluster 417) connect at weight=237.0
2025-04-09 19:04:10.119 | DEBUG    | __main__:<module>:20 - Iteration 407: Points 394 (cluster 394) and 433 (cluster 2404) connect at weight=237.0
2025-04-09 19:04:10.119 | DEBUG    | __main__:<module>:20 - Iteration 408: Points 390 (cluster 2402) and 421 (cluster 421) connect at weight=237.0
2025-04-09 19:04:10.119 | DEBUG    | __main__:<module>:20 - Iteration 409: Points 374 (cluster 2408) and 395 (cluster 395) connect at weight=237.0
2025-04-09 19:04:10.119 | DEBUG    | __main__:<module>:20 - Iteration 410: Points 371 (cluster 2405) and 435 (cluster 435) connect at weight=237.0
2025-04-09 19:04:10.119 | DEBUG    | __main__:<module>:20 - Iteration 411: Points 367 (cluster 2410) and 429 (cluster 429) connect at weight=237.0
2025-04-09 19:04:10.120 | DEBUG    | __main__:<module>:20 - Iteration 412: Points 357 (cluster 2409) and 419 (cluster 419) connect at weight=237.0
2025-04-09 19:04:10.120 | DEBUG    | __main__:<module>:20 - Iteration 413: Points 348 (cluster 2411) and 432 (cluster 432) connect at weight=237.0
2025-04-09 19:04:10.120 | DEBUG    | __main__:<module>:20 - Iteration 414: Points 343 (cluster 2413) and 422 (cluster 422) connect at weight=237.0
2025-04-09 19:04:10.120 | DEBUG    | __main__:<module>:20 - Iteration 415: Points 342 (cluster 2412) and 425 (cluster 425) connect at weight=237.0
2025-04-09 19:04:10.120 | DEBUG    | __main__:<module>:20 - Iteration 416: Points 336 (cluster 2415) and 428 (cluster 428) connect at weight=237.0
2025-04-09 19:04:10.121 | DEBUG    | __main__:<module>:20 - Iteration 417: Points 334 (cluster 2416) and 434 (cluster 434) connect at weight=237.0
2025-04-09 19:04:10.121 | DEBUG    | __main__:<module>:20 - Iteration 418: Points 332 (cluster 2414) and 375 (cluster 375) connect at weight=237.0
2025-04-09 19:04:10.121 | DEBUG    | __main__:<module>:20 - Iteration 419: Points 321 (cluster 2418) and 427 (cluster 427) connect at weight=237.0
2025-04-09 19:04:10.121 | DEBUG    | __main__:<module>:20 - Iteration 420: Points 305 (cluster 2419) and 426 (cluster 426) connect at weight=237.0
2025-04-09 19:04:10.121 | DEBUG    | __main__:<module>:20 - Iteration 421: Points 300 (cluster 2417) and 430 (cluster 430) connect at weight=237.0
2025-04-09 19:04:10.121 | DEBUG    | __main__:<module>:20 - Iteration 422: Points 274 (cluster 2420) and 420 (cluster 420) connect at weight=237.0
2025-04-09 19:04:10.122 | DEBUG    | __main__:<module>:20 - Iteration 423: Points 250 (cluster 2422) and 431 (cluster 431) connect at weight=237.0
2025-04-09 19:04:10.122 | DEBUG    | __main__:<module>:20 - Iteration 424: Points 449 (cluster 449) and 436 (cluster 436) connect at weight=236.0
2025-04-09 19:04:10.122 | DEBUG    | __main__:<module>:20 - Iteration 425: Points 419 (cluster 2421) and 442 (cluster 442) connect at weight=236.0
2025-04-09 19:04:10.122 | DEBUG    | __main__:<module>:20 - Iteration 426: Points 416 (cluster 416) and 402 (cluster 402) connect at weight=236.0
2025-04-09 19:04:10.122 | DEBUG    | __main__:<module>:20 - Iteration 427: Points 414 (cluster 2423) and 438 (cluster 438) connect at weight=236.0
2025-04-09 19:04:10.123 | DEBUG    | __main__:<module>:20 - Iteration 428: Points 411 (cluster 2427) and 447 (cluster 447) connect at weight=236.0
2025-04-09 19:04:10.123 | DEBUG    | __main__:<module>:20 - Iteration 429: Points 399 (cluster 2425) and 403 (cluster 2406) connect at weight=236.0
2025-04-09 19:04:10.123 | DEBUG    | __main__:<module>:20 - Iteration 430: Points 365 (cluster 2429) and 449 (cluster 2424) connect at weight=236.0
2025-04-09 19:04:10.123 | DEBUG    | __main__:<module>:20 - Iteration 431: Points 363 (cluster 2407) and 392 (cluster 392) connect at weight=236.0
2025-04-09 19:04:10.123 | DEBUG    | __main__:<module>:20 - Iteration 432: Points 360 (cluster 2428) and 440 (cluster 440) connect at weight=236.0
2025-04-09 19:04:10.124 | DEBUG    | __main__:<module>:20 - Iteration 433: Points 353 (cluster 2430) and 448 (cluster 448) connect at weight=236.0
2025-04-09 19:04:10.124 | DEBUG    | __main__:<module>:20 - Iteration 434: Points 326 (cluster 2432) and 437 (cluster 437) connect at weight=236.0
2025-04-09 19:04:10.124 | DEBUG    | __main__:<module>:20 - Iteration 435: Points 193 (cluster 2434) and 441 (cluster 441) connect at weight=236.0
2025-04-09 19:04:10.124 | DEBUG    | __main__:<module>:20 - Iteration 436: Points 190 (cluster 2433) and 443 (cluster 443) connect at weight=236.0
2025-04-09 19:04:10.124 | DEBUG    | __main__:<module>:20 - Iteration 437: Points 457 (cluster 457) and 444 (cluster 444) connect at weight=235.0
2025-04-09 19:04:10.124 | DEBUG    | __main__:<module>:20 - Iteration 438: Points 454 (cluster 454) and 450 (cluster 450) connect at weight=235.0
2025-04-09 19:04:10.125 | DEBUG    | __main__:<module>:20 - Iteration 439: Points 410 (cluster 2436) and 461 (cluster 461) connect at weight=235.0
2025-04-09 19:04:10.125 | DEBUG    | __main__:<module>:20 - Iteration 440: Points 395 (cluster 2439) and 452 (cluster 452) connect at weight=235.0
2025-04-09 19:04:10.125 | DEBUG    | __main__:<module>:20 - Iteration 441: Points 391 (cluster 391) and 459 (cluster 459) connect at weight=235.0
2025-04-09 19:04:10.125 | DEBUG    | __main__:<module>:20 - Iteration 442: Points 383 (cluster 2440) and 424 (cluster 424) connect at weight=235.0
2025-04-09 19:04:10.125 | DEBUG    | __main__:<module>:20 - Iteration 443: Points 375 (cluster 2435) and 394 (cluster 2431) connect at weight=235.0
2025-04-09 19:04:10.126 | DEBUG    | __main__:<module>:20 - Iteration 444: Points 373 (cluster 2442) and 455 (cluster 455) connect at weight=235.0
2025-04-09 19:04:10.126 | DEBUG    | __main__:<module>:20 - Iteration 445: Points 371 (cluster 2443) and 454 (cluster 2438) connect at weight=235.0
2025-04-09 19:04:10.126 | DEBUG    | __main__:<module>:20 - Iteration 446: Points 354 (cluster 2444) and 458 (cluster 458) connect at weight=235.0
2025-04-09 19:04:10.126 | DEBUG    | __main__:<module>:20 - Iteration 447: Points 337 (cluster 2445) and 456 (cluster 456) connect at weight=235.0
2025-04-09 19:04:10.126 | DEBUG    | __main__:<module>:20 - Iteration 448: Points 255 (cluster 2446) and 451 (cluster 451) connect at weight=235.0
2025-04-09 19:04:10.127 | DEBUG    | __main__:<module>:20 - Iteration 449: Points 474 (cluster 474) and 473 (cluster 473) connect at weight=234.0
2025-04-09 19:04:10.127 | DEBUG    | __main__:<module>:20 - Iteration 450: Points 442 (cluster 2448) and 472 (cluster 472) connect at weight=234.0
2025-04-09 19:04:10.127 | DEBUG    | __main__:<module>:20 - Iteration 451: Points 440 (cluster 2447) and 475 (cluster 475) connect at weight=234.0
2025-04-09 19:04:10.127 | DEBUG    | __main__:<module>:20 - Iteration 452: Points 437 (cluster 2451) and 474 (cluster 2449) connect at weight=234.0
2025-04-09 19:04:10.127 | DEBUG    | __main__:<module>:20 - Iteration 453: Points 434 (cluster 2450) and 466 (cluster 466) connect at weight=234.0
2025-04-09 19:04:10.127 | DEBUG    | __main__:<module>:20 - Iteration 454: Points 417 (cluster 2453) and 378 (cluster 378) connect at weight=234.0
2025-04-09 19:04:10.128 | DEBUG    | __main__:<module>:20 - Iteration 455: Points 411 (cluster 2452) and 476 (cluster 476) connect at weight=234.0
2025-04-09 19:04:10.128 | DEBUG    | __main__:<module>:20 - Iteration 456: Points 403 (cluster 2454) and 467 (cluster 467) connect at weight=234.0
2025-04-09 19:04:10.128 | DEBUG    | __main__:<module>:20 - Iteration 457: Points 395 (cluster 2456) and 469 (cluster 469) connect at weight=234.0
2025-04-09 19:04:10.128 | DEBUG    | __main__:<module>:20 - Iteration 458: Points 395 (cluster 2457) and 468 (cluster 468) connect at weight=234.0
2025-04-09 19:04:10.128 | DEBUG    | __main__:<module>:20 - Iteration 459: Points 395 (cluster 2458) and 464 (cluster 464) connect at weight=234.0
2025-04-09 19:04:10.129 | DEBUG    | __main__:<module>:20 - Iteration 460: Points 389 (cluster 389) and 416 (cluster 2426) connect at weight=234.0
2025-04-09 19:04:10.129 | DEBUG    | __main__:<module>:20 - Iteration 461: Points 301 (cluster 2459) and 471 (cluster 471) connect at weight=234.0
2025-04-09 19:04:10.129 | DEBUG    | __main__:<module>:20 - Iteration 462: Points 435 (cluster 2455) and 477 (cluster 477) connect at weight=233.0
2025-04-09 19:04:10.129 | DEBUG    | __main__:<module>:20 - Iteration 463: Points 421 (cluster 2461) and 479 (cluster 479) connect at weight=233.0
2025-04-09 19:04:10.129 | DEBUG    | __main__:<module>:20 - Iteration 464: Points 415 (cluster 2462) and 482 (cluster 482) connect at weight=233.0
2025-04-09 19:04:10.133 | DEBUG    | __main__:<module>:20 - Iteration 465: Points 402 (cluster 2460) and 460 (cluster 460) connect at weight=233.0
2025-04-09 19:04:10.134 | DEBUG    | __main__:<module>:20 - Iteration 466: Points 402 (cluster 2465) and 445 (cluster 445) connect at weight=233.0
2025-04-09 19:04:10.134 | DEBUG    | __main__:<module>:20 - Iteration 467: Points 398 (cluster 2464) and 446 (cluster 446) connect at weight=233.0
2025-04-09 19:04:10.134 | DEBUG    | __main__:<module>:20 - Iteration 468: Points 388 (cluster 2463) and 463 (cluster 463) connect at weight=233.0
2025-04-09 19:04:10.134 | DEBUG    | __main__:<module>:20 - Iteration 469: Points 366 (cluster 2468) and 481 (cluster 481) connect at weight=233.0
2025-04-09 19:04:10.134 | DEBUG    | __main__:<module>:20 - Iteration 470: Points 312 (cluster 2467) and 486 (cluster 486) connect at weight=233.0
2025-04-09 19:04:10.134 | DEBUG    | __main__:<module>:20 - Iteration 471: Points 301 (cluster 2469) and 480 (cluster 480) connect at weight=233.0
2025-04-09 19:04:10.135 | DEBUG    | __main__:<module>:20 - Iteration 472: Points 187 (cluster 2470) and 478 (cluster 478) connect at weight=233.0
2025-04-09 19:04:10.135 | DEBUG    | __main__:<module>:20 - Iteration 473: Points 477 (cluster 2472) and 495 (cluster 495) connect at weight=232.0
2025-04-09 19:04:10.135 | DEBUG    | __main__:<module>:20 - Iteration 474: Points 477 (cluster 2473) and 490 (cluster 490) connect at weight=232.0
2025-04-09 19:04:10.135 | DEBUG    | __main__:<module>:20 - Iteration 475: Points 470 (cluster 470) and 487 (cluster 487) connect at weight=232.0
2025-04-09 19:04:10.136 | DEBUG    | __main__:<module>:20 - Iteration 476: Points 460 (cluster 2466) and 488 (cluster 488) connect at weight=232.0
2025-04-09 19:04:10.136 | DEBUG    | __main__:<module>:20 - Iteration 477: Points 450 (cluster 2474) and 497 (cluster 497) connect at weight=232.0
2025-04-09 19:04:10.136 | DEBUG    | __main__:<module>:20 - Iteration 478: Points 443 (cluster 2471) and 494 (cluster 494) connect at weight=232.0
2025-04-09 19:04:10.136 | DEBUG    | __main__:<module>:20 - Iteration 479: Points 429 (cluster 2477) and 491 (cluster 491) connect at weight=232.0
2025-04-09 19:04:10.137 | DEBUG    | __main__:<module>:20 - Iteration 480: Points 416 (cluster 2476) and 496 (cluster 496) connect at weight=232.0
2025-04-09 19:04:10.137 | DEBUG    | __main__:<module>:20 - Iteration 481: Points 416 (cluster 2480) and 492 (cluster 492) connect at weight=232.0
2025-04-09 19:04:10.137 | DEBUG    | __main__:<module>:20 - Iteration 482: Points 397 (cluster 2478) and 498 (cluster 498) connect at weight=232.0
2025-04-09 19:04:10.137 | DEBUG    | __main__:<module>:20 - Iteration 483: Points 389 (cluster 2481) and 484 (cluster 484) connect at weight=232.0
2025-04-09 19:04:10.138 | DEBUG    | __main__:<module>:20 - Iteration 484: Points 378 (cluster 2482) and 462 (cluster 462) connect at weight=232.0
2025-04-09 19:04:10.138 | DEBUG    | __main__:<module>:20 - Iteration 485: Points 350 (cluster 2484) and 489 (cluster 489) connect at weight=232.0
2025-04-09 19:04:10.138 | DEBUG    | __main__:<module>:20 - Iteration 486: Points 348 (cluster 2479) and 391 (cluster 2441) connect at weight=232.0
2025-04-09 19:04:10.138 | DEBUG    | __main__:<module>:20 - Iteration 487: Points 497 (cluster 2486) and 501 (cluster 501) connect at weight=231.0
2025-04-09 19:04:10.138 | DEBUG    | __main__:<module>:20 - Iteration 488: Points 479 (cluster 2485) and 500 (cluster 500) connect at weight=231.0
2025-04-09 19:04:10.139 | DEBUG    | __main__:<module>:20 - Iteration 489: Points 453 (cluster 453) and 465 (cluster 465) connect at weight=231.0
2025-04-09 19:04:10.139 | DEBUG    | __main__:<module>:20 - Iteration 490: Points 447 (cluster 2487) and 513 (cluster 513) connect at weight=231.0
2025-04-09 19:04:10.139 | DEBUG    | __main__:<module>:20 - Iteration 491: Points 443 (cluster 2488) and 503 (cluster 503) connect at weight=231.0
2025-04-09 19:04:10.139 | DEBUG    | __main__:<module>:20 - Iteration 492: Points 433 (cluster 2490) and 511 (cluster 511) connect at weight=231.0
2025-04-09 19:04:10.139 | DEBUG    | __main__:<module>:20 - Iteration 493: Points 428 (cluster 2491) and 506 (cluster 506) connect at weight=231.0
2025-04-09 19:04:10.140 | DEBUG    | __main__:<module>:20 - Iteration 494: Points 424 (cluster 2493) and 508 (cluster 508) connect at weight=231.0
2025-04-09 19:04:10.140 | DEBUG    | __main__:<module>:20 - Iteration 495: Points 417 (cluster 2494) and 507 (cluster 507) connect at weight=231.0
2025-04-09 19:04:10.140 | DEBUG    | __main__:<module>:20 - Iteration 496: Points 394 (cluster 2492) and 504 (cluster 504) connect at weight=231.0
2025-04-09 19:04:10.140 | DEBUG    | __main__:<module>:20 - Iteration 497: Points 372 (cluster 2495) and 509 (cluster 509) connect at weight=231.0
2025-04-09 19:04:10.140 | DEBUG    | __main__:<module>:20 - Iteration 498: Points 330 (cluster 2496) and 502 (cluster 502) connect at weight=231.0
2025-04-09 19:04:10.140 | DEBUG    | __main__:<module>:20 - Iteration 499: Points 189 (cluster 2498) and 499 (cluster 499) connect at weight=231.0
2025-04-09 19:04:10.141 | DEBUG    | __main__:<module>:20 - Iteration 500: Points 118 (cluster 2499) and 505 (cluster 505) connect at weight=231.0
2025-04-09 19:04:10.141 | DEBUG    | __main__:<module>:20 - Iteration 501: Points 513 (cluster 2500) and 516 (cluster 516) connect at weight=230.0
2025-04-09 19:04:10.141 | DEBUG    | __main__:<module>:20 - Iteration 502: Points 494 (cluster 2497) and 527 (cluster 527) connect at weight=230.0
2025-04-09 19:04:10.141 | DEBUG    | __main__:<module>:20 - Iteration 503: Points 467 (cluster 2502) and 518 (cluster 518) connect at weight=230.0
2025-04-09 19:04:10.141 | DEBUG    | __main__:<module>:20 - Iteration 504: Points 467 (cluster 2503) and 514 (cluster 514) connect at weight=230.0
2025-04-09 19:04:10.142 | DEBUG    | __main__:<module>:20 - Iteration 505: Points 460 (cluster 2483) and 485 (cluster 485) connect at weight=230.0
2025-04-09 19:04:10.142 | DEBUG    | __main__:<module>:20 - Iteration 506: Points 434 (cluster 2504) and 524 (cluster 524) connect at weight=230.0
2025-04-09 19:04:10.142 | DEBUG    | __main__:<module>:20 - Iteration 507: Points 431 (cluster 2501) and 526 (cluster 526) connect at weight=230.0
2025-04-09 19:04:10.142 | DEBUG    | __main__:<module>:20 - Iteration 508: Points 391 (cluster 2507) and 389 (cluster 2505) connect at weight=230.0
2025-04-09 19:04:10.142 | DEBUG    | __main__:<module>:20 - Iteration 509: Points 387 (cluster 2508) and 515 (cluster 515) connect at weight=230.0
2025-04-09 19:04:10.142 | DEBUG    | __main__:<module>:20 - Iteration 510: Points 384 (cluster 2509) and 522 (cluster 522) connect at weight=230.0
2025-04-09 19:04:10.143 | DEBUG    | __main__:<module>:20 - Iteration 511: Points 373 (cluster 2506) and 525 (cluster 525) connect at weight=230.0
2025-04-09 19:04:10.143 | DEBUG    | __main__:<module>:20 - Iteration 512: Points 369 (cluster 369) and 453 (cluster 2489) connect at weight=230.0
2025-04-09 19:04:10.143 | DEBUG    | __main__:<module>:20 - Iteration 513: Points 367 (cluster 2510) and 512 (cluster 512) connect at weight=230.0
2025-04-09 19:04:10.143 | DEBUG    | __main__:<module>:20 - Iteration 514: Points 364 (cluster 2511) and 531 (cluster 531) connect at weight=230.0
2025-04-09 19:04:10.143 | DEBUG    | __main__:<module>:20 - Iteration 515: Points 361 (cluster 2513) and 521 (cluster 521) connect at weight=230.0
2025-04-09 19:04:10.144 | DEBUG    | __main__:<module>:20 - Iteration 516: Points 330 (cluster 2515) and 520 (cluster 520) connect at weight=230.0
2025-04-09 19:04:10.144 | DEBUG    | __main__:<module>:20 - Iteration 517: Points 156 (cluster 2514) and 528 (cluster 528) connect at weight=230.0
2025-04-09 19:04:10.144 | DEBUG    | __main__:<module>:20 - Iteration 518: Points 523 (cluster 523) and 517 (cluster 517) connect at weight=229.0
2025-04-09 19:04:10.144 | DEBUG    | __main__:<module>:20 - Iteration 519: Points 520 (cluster 2516) and 547 (cluster 547) connect at weight=229.0
2025-04-09 19:04:10.144 | DEBUG    | __main__:<module>:20 - Iteration 520: Points 519 (cluster 519) and 533 (cluster 533) connect at weight=229.0
2025-04-09 19:04:10.144 | DEBUG    | __main__:<module>:20 - Iteration 521: Points 493 (cluster 493) and 536 (cluster 536) connect at weight=229.0
2025-04-09 19:04:10.145 | DEBUG    | __main__:<module>:20 - Iteration 522: Points 489 (cluster 2517) and 540 (cluster 540) connect at weight=229.0
2025-04-09 19:04:10.145 | DEBUG    | __main__:<module>:20 - Iteration 523: Points 487 (cluster 2475) and 483 (cluster 483) connect at weight=229.0
2025-04-09 19:04:10.145 | DEBUG    | __main__:<module>:20 - Iteration 524: Points 478 (cluster 2519) and 539 (cluster 539) connect at weight=229.0
2025-04-09 19:04:10.145 | DEBUG    | __main__:<module>:20 - Iteration 525: Points 459 (cluster 2524) and 544 (cluster 544) connect at weight=229.0
2025-04-09 19:04:10.145 | DEBUG    | __main__:<module>:20 - Iteration 526: Points 456 (cluster 2525) and 543 (cluster 543) connect at weight=229.0
2025-04-09 19:04:10.146 | DEBUG    | __main__:<module>:20 - Iteration 527: Points 444 (cluster 2437) and 541 (cluster 541) connect at weight=229.0
2025-04-09 19:04:10.146 | DEBUG    | __main__:<module>:20 - Iteration 528: Points 444 (cluster 2527) and 532 (cluster 532) connect at weight=229.0
2025-04-09 19:04:10.146 | DEBUG    | __main__:<module>:20 - Iteration 529: Points 440 (cluster 2526) and 538 (cluster 538) connect at weight=229.0
2025-04-09 19:04:10.146 | DEBUG    | __main__:<module>:20 - Iteration 530: Points 439 (cluster 439) and 457 (cluster 2528) connect at weight=229.0
2025-04-09 19:04:10.146 | DEBUG    | __main__:<module>:20 - Iteration 531: Points 388 (cluster 2522) and 534 (cluster 534) connect at weight=229.0
2025-04-09 19:04:10.146 | DEBUG    | __main__:<module>:20 - Iteration 532: Points 384 (cluster 2529) and 542 (cluster 542) connect at weight=229.0
2025-04-09 19:04:10.147 | DEBUG    | __main__:<module>:20 - Iteration 533: Points 372 (cluster 2531) and 548 (cluster 548) connect at weight=229.0
2025-04-09 19:04:10.147 | DEBUG    | __main__:<module>:20 - Iteration 534: Points 296 (cluster 2533) and 545 (cluster 545) connect at weight=229.0
2025-04-09 19:04:10.147 | DEBUG    | __main__:<module>:20 - Iteration 535: Points 559 (cluster 559) and 551 (cluster 551) connect at weight=228.0
2025-04-09 19:04:10.147 | DEBUG    | __main__:<module>:20 - Iteration 536: Points 550 (cluster 550) and 546 (cluster 546) connect at weight=228.0
2025-04-09 19:04:10.147 | DEBUG    | __main__:<module>:20 - Iteration 537: Points 533 (cluster 2520) and 530 (cluster 530) connect at weight=228.0
2025-04-09 19:04:10.148 | DEBUG    | __main__:<module>:20 - Iteration 538: Points 530 (cluster 2537) and 535 (cluster 535) connect at weight=228.0
2025-04-09 19:04:10.148 | DEBUG    | __main__:<module>:20 - Iteration 539: Points 526 (cluster 2532) and 557 (cluster 557) connect at weight=228.0
2025-04-09 19:04:10.148 | DEBUG    | __main__:<module>:20 - Iteration 540: Points 507 (cluster 2534) and 555 (cluster 555) connect at weight=228.0
2025-04-09 19:04:10.148 | DEBUG    | __main__:<module>:20 - Iteration 541: Points 495 (cluster 2539) and 553 (cluster 553) connect at weight=228.0
2025-04-09 19:04:10.148 | DEBUG    | __main__:<module>:20 - Iteration 542: Points 495 (cluster 2541) and 552 (cluster 552) connect at weight=228.0
2025-04-09 19:04:10.148 | DEBUG    | __main__:<module>:20 - Iteration 543: Points 485 (cluster 2542) and 523 (cluster 2518) connect at weight=228.0
2025-04-09 19:04:10.149 | DEBUG    | __main__:<module>:20 - Iteration 544: Points 439 (cluster 2530) and 559 (cluster 2535) connect at weight=228.0
2025-04-09 19:04:10.149 | DEBUG    | __main__:<module>:20 - Iteration 545: Points 313 (cluster 2540) and 560 (cluster 560) connect at weight=228.0
2025-04-09 19:04:10.149 | DEBUG    | __main__:<module>:20 - Iteration 546: Points 569 (cluster 569) and 564 (cluster 564) connect at weight=227.0
2025-04-09 19:04:10.149 | DEBUG    | __main__:<module>:20 - Iteration 547: Points 567 (cluster 567) and 565 (cluster 565) connect at weight=227.0
2025-04-09 19:04:10.149 | DEBUG    | __main__:<module>:20 - Iteration 548: Points 558 (cluster 558) and 549 (cluster 549) connect at weight=227.0
2025-04-09 19:04:10.150 | DEBUG    | __main__:<module>:20 - Iteration 549: Points 535 (cluster 2538) and 529 (cluster 529) connect at weight=227.0
2025-04-09 19:04:10.150 | DEBUG    | __main__:<module>:20 - Iteration 550: Points 532 (cluster 2544) and 558 (cluster 2548) connect at weight=227.0
2025-04-09 19:04:10.150 | DEBUG    | __main__:<module>:20 - Iteration 551: Points 529 (cluster 2549) and 510 (cluster 510) connect at weight=227.0
2025-04-09 19:04:10.150 | DEBUG    | __main__:<module>:20 - Iteration 552: Points 493 (cluster 2521) and 570 (cluster 570) connect at weight=227.0
2025-04-09 19:04:10.150 | DEBUG    | __main__:<module>:20 - Iteration 553: Points 488 (cluster 2543) and 574 (cluster 574) connect at weight=227.0
2025-04-09 19:04:10.150 | DEBUG    | __main__:<module>:20 - Iteration 554: Points 481 (cluster 2545) and 568 (cluster 568) connect at weight=227.0
2025-04-09 19:04:10.151 | DEBUG    | __main__:<module>:20 - Iteration 555: Points 465 (cluster 2512) and 439 (cluster 2550) connect at weight=227.0
2025-04-09 19:04:10.151 | DEBUG    | __main__:<module>:20 - Iteration 556: Points 451 (cluster 2554) and 561 (cluster 561) connect at weight=227.0
2025-04-09 19:04:10.151 | DEBUG    | __main__:<module>:20 - Iteration 557: Points 446 (cluster 2553) and 470 (cluster 2523) connect at weight=227.0
2025-04-09 19:04:10.152 | DEBUG    | __main__:<module>:20 - Iteration 558: Points 432 (cluster 2557) and 563 (cluster 563) connect at weight=227.0
2025-04-09 19:04:10.152 | DEBUG    | __main__:<module>:20 - Iteration 559: Points 427 (cluster 2558) and 571 (cluster 571) connect at weight=227.0
2025-04-09 19:04:10.152 | DEBUG    | __main__:<module>:20 - Iteration 560: Points 378 (cluster 2556) and 369 (cluster 2555) connect at weight=227.0
2025-04-09 19:04:10.153 | DEBUG    | __main__:<module>:20 - Iteration 561: Points 255 (cluster 2560) and 569 (cluster 2546) connect at weight=227.0
2025-04-09 19:04:10.153 | DEBUG    | __main__:<module>:20 - Iteration 562: Points 578 (cluster 578) and 576 (cluster 576) connect at weight=226.0
2025-04-09 19:04:10.153 | DEBUG    | __main__:<module>:20 - Iteration 563: Points 559 (cluster 2561) and 581 (cluster 581) connect at weight=226.0
2025-04-09 19:04:10.153 | DEBUG    | __main__:<module>:20 - Iteration 564: Points 554 (cluster 554) and 519 (cluster 2551) connect at weight=226.0
2025-04-09 19:04:10.153 | DEBUG    | __main__:<module>:20 - Iteration 565: Points 549 (cluster 2563) and 493 (cluster 2552) connect at weight=226.0
2025-04-09 19:04:10.154 | DEBUG    | __main__:<module>:20 - Iteration 566: Points 537 (cluster 537) and 562 (cluster 562) connect at weight=226.0
2025-04-09 19:04:10.154 | DEBUG    | __main__:<module>:20 - Iteration 567: Points 534 (cluster 2565) and 579 (cluster 579) connect at weight=226.0
2025-04-09 19:04:10.154 | DEBUG    | __main__:<module>:20 - Iteration 568: Points 500 (cluster 2567) and 580 (cluster 580) connect at weight=226.0
2025-04-09 19:04:10.154 | DEBUG    | __main__:<module>:20 - Iteration 569: Points 488 (cluster 2559) and 583 (cluster 583) connect at weight=226.0
2025-04-09 19:04:10.154 | DEBUG    | __main__:<module>:20 - Iteration 570: Points 483 (cluster 2569) and 584 (cluster 584) connect at weight=226.0
2025-04-09 19:04:10.154 | DEBUG    | __main__:<module>:20 - Iteration 571: Points 469 (cluster 2568) and 567 (cluster 2547) connect at weight=226.0
2025-04-09 19:04:10.155 | DEBUG    | __main__:<module>:20 - Iteration 572: Points 401 (cluster 2570) and 577 (cluster 577) connect at weight=226.0
2025-04-09 19:04:10.155 | DEBUG    | __main__:<module>:20 - Iteration 573: Points 369 (cluster 2571) and 566 (cluster 566) connect at weight=226.0
2025-04-09 19:04:10.155 | DEBUG    | __main__:<module>:20 - Iteration 574: Points 314 (cluster 2573) and 585 (cluster 585) connect at weight=226.0
2025-04-09 19:04:10.155 | DEBUG    | __main__:<module>:20 - Iteration 575: Points 277 (cluster 2572) and 578 (cluster 2562) connect at weight=226.0
2025-04-09 19:04:10.155 | DEBUG    | __main__:<module>:20 - Iteration 576: Points 583 (cluster 2575) and 596 (cluster 596) connect at weight=225.0
2025-04-09 19:04:10.156 | DEBUG    | __main__:<module>:20 - Iteration 577: Points 569 (cluster 2574) and 600 (cluster 600) connect at weight=225.0
2025-04-09 19:04:10.156 | DEBUG    | __main__:<module>:20 - Iteration 578: Points 554 (cluster 2564) and 598 (cluster 598) connect at weight=225.0
2025-04-09 19:04:10.156 | DEBUG    | __main__:<module>:20 - Iteration 579: Points 535 (cluster 2578) and 582 (cluster 582) connect at weight=225.0
2025-04-09 19:04:10.156 | DEBUG    | __main__:<module>:20 - Iteration 580: Points 533 (cluster 2579) and 550 (cluster 2536) connect at weight=225.0
2025-04-09 19:04:10.156 | DEBUG    | __main__:<module>:20 - Iteration 581: Points 515 (cluster 2576) and 590 (cluster 590) connect at weight=225.0
2025-04-09 19:04:10.156 | DEBUG    | __main__:<module>:20 - Iteration 582: Points 510 (cluster 2580) and 592 (cluster 592) connect at weight=225.0
2025-04-09 19:04:10.157 | DEBUG    | __main__:<module>:20 - Iteration 583: Points 507 (cluster 2577) and 587 (cluster 587) connect at weight=225.0
2025-04-09 19:04:10.157 | DEBUG    | __main__:<module>:20 - Iteration 584: Points 499 (cluster 2581) and 599 (cluster 599) connect at weight=225.0
2025-04-09 19:04:10.157 | DEBUG    | __main__:<module>:20 - Iteration 585: Points 479 (cluster 2583) and 591 (cluster 591) connect at weight=225.0
2025-04-09 19:04:10.157 | DEBUG    | __main__:<module>:20 - Iteration 586: Points 468 (cluster 2585) and 573 (cluster 573) connect at weight=225.0
2025-04-09 19:04:10.157 | DEBUG    | __main__:<module>:20 - Iteration 587: Points 459 (cluster 2584) and 589 (cluster 589) connect at weight=225.0
2025-04-09 19:04:10.158 | DEBUG    | __main__:<module>:20 - Iteration 588: Points 352 (cluster 2587) and 597 (cluster 597) connect at weight=225.0
2025-04-09 19:04:10.158 | DEBUG    | __main__:<module>:20 - Iteration 589: Points 277 (cluster 2588) and 594 (cluster 594) connect at weight=225.0
2025-04-09 19:04:10.158 | DEBUG    | __main__:<module>:20 - Iteration 590: Points 586 (cluster 586) and 554 (cluster 2582) connect at weight=224.0
2025-04-09 19:04:10.158 | DEBUG    | __main__:<module>:20 - Iteration 591: Points 584 (cluster 2589) and 586 (cluster 2590) connect at weight=224.0
2025-04-09 19:04:10.158 | DEBUG    | __main__:<module>:20 - Iteration 592: Points 541 (cluster 2586) and 609 (cluster 609) connect at weight=224.0
2025-04-09 19:04:10.158 | DEBUG    | __main__:<module>:20 - Iteration 593: Points 523 (cluster 2591) and 537 (cluster 2566) connect at weight=224.0
2025-04-09 19:04:10.159 | DEBUG    | __main__:<module>:20 - Iteration 594: Points 495 (cluster 2593) and 607 (cluster 607) connect at weight=224.0
2025-04-09 19:04:10.159 | DEBUG    | __main__:<module>:20 - Iteration 595: Points 446 (cluster 2594) and 605 (cluster 605) connect at weight=224.0
2025-04-09 19:04:10.159 | DEBUG    | __main__:<module>:20 - Iteration 596: Points 369 (cluster 2592) and 575 (cluster 575) connect at weight=224.0
2025-04-09 19:04:10.159 | DEBUG    | __main__:<module>:20 - Iteration 597: Points 625 (cluster 625) and 610 (cluster 610) connect at weight=223.0
2025-04-09 19:04:10.159 | DEBUG    | __main__:<module>:20 - Iteration 598: Points 620 (cluster 620) and 613 (cluster 613) connect at weight=223.0
2025-04-09 19:04:10.160 | DEBUG    | __main__:<module>:20 - Iteration 599: Points 620 (cluster 2598) and 602 (cluster 602) connect at weight=223.0
2025-04-09 19:04:10.160 | DEBUG    | __main__:<module>:20 - Iteration 600: Points 598 (cluster 2595) and 616 (cluster 616) connect at weight=223.0
2025-04-09 19:04:10.160 | DEBUG    | __main__:<module>:20 - Iteration 601: Points 591 (cluster 2596) and 614 (cluster 614) connect at weight=223.0
2025-04-09 19:04:10.160 | DEBUG    | __main__:<module>:20 - Iteration 602: Points 567 (cluster 2601) and 615 (cluster 615) connect at weight=223.0
2025-04-09 19:04:10.160 | DEBUG    | __main__:<module>:20 - Iteration 603: Points 562 (cluster 2600) and 621 (cluster 621) connect at weight=223.0
2025-04-09 19:04:10.160 | DEBUG    | __main__:<module>:20 - Iteration 604: Points 543 (cluster 2603) and 619 (cluster 619) connect at weight=223.0
2025-04-09 19:04:10.161 | DEBUG    | __main__:<module>:20 - Iteration 605: Points 510 (cluster 2604) and 606 (cluster 606) connect at weight=223.0
2025-04-09 19:04:10.161 | DEBUG    | __main__:<module>:20 - Iteration 606: Points 510 (cluster 2605) and 556 (cluster 556) connect at weight=223.0
2025-04-09 19:04:10.161 | DEBUG    | __main__:<module>:20 - Iteration 607: Points 487 (cluster 2606) and 620 (cluster 2599) connect at weight=223.0
2025-04-09 19:04:10.161 | DEBUG    | __main__:<module>:20 - Iteration 608: Points 469 (cluster 2602) and 611 (cluster 611) connect at weight=223.0
2025-04-09 19:04:10.161 | DEBUG    | __main__:<module>:20 - Iteration 609: Points 465 (cluster 2608) and 588 (cluster 588) connect at weight=223.0
2025-04-09 19:04:10.162 | DEBUG    | __main__:<module>:20 - Iteration 610: Points 425 (cluster 2609) and 623 (cluster 623) connect at weight=223.0
2025-04-09 19:04:10.162 | DEBUG    | __main__:<module>:20 - Iteration 611: Points 642 (cluster 642) and 601 (cluster 601) connect at weight=222.0
2025-04-09 19:04:10.162 | DEBUG    | __main__:<module>:20 - Iteration 612: Points 630 (cluster 630) and 617 (cluster 617) connect at weight=222.0
2025-04-09 19:04:10.162 | DEBUG    | __main__:<module>:20 - Iteration 613: Points 603 (cluster 603) and 639 (cluster 639) connect at weight=222.0
2025-04-09 19:04:10.162 | DEBUG    | __main__:<module>:20 - Iteration 614: Points 601 (cluster 2611) and 593 (cluster 593) connect at weight=222.0
2025-04-09 19:04:10.163 | DEBUG    | __main__:<module>:20 - Iteration 615: Points 600 (cluster 2610) and 641 (cluster 641) connect at weight=222.0
2025-04-09 19:04:10.163 | DEBUG    | __main__:<module>:20 - Iteration 616: Points 598 (cluster 2607) and 627 (cluster 627) connect at weight=222.0
2025-04-09 19:04:10.163 | DEBUG    | __main__:<module>:20 - Iteration 617: Points 597 (cluster 2616) and 629 (cluster 629) connect at weight=222.0
2025-04-09 19:04:10.163 | DEBUG    | __main__:<module>:20 - Iteration 618: Points 577 (cluster 2617) and 631 (cluster 631) connect at weight=222.0
2025-04-09 19:04:10.163 | DEBUG    | __main__:<module>:20 - Iteration 619: Points 573 (cluster 2615) and 625 (cluster 2597) connect at weight=222.0
2025-04-09 19:04:10.163 | DEBUG    | __main__:<module>:20 - Iteration 620: Points 556 (cluster 2618) and 643 (cluster 643) connect at weight=222.0
2025-04-09 19:04:10.164 | DEBUG    | __main__:<module>:20 - Iteration 621: Points 536 (cluster 2619) and 637 (cluster 637) connect at weight=222.0
2025-04-09 19:04:10.164 | DEBUG    | __main__:<module>:20 - Iteration 622: Points 536 (cluster 2621) and 632 (cluster 632) connect at weight=222.0
2025-04-09 19:04:10.164 | DEBUG    | __main__:<module>:20 - Iteration 623: Points 511 (cluster 2620) and 635 (cluster 635) connect at weight=222.0
2025-04-09 19:04:10.164 | DEBUG    | __main__:<module>:20 - Iteration 624: Points 465 (cluster 2622) and 604 (cluster 604) connect at weight=222.0
2025-04-09 19:04:10.164 | DEBUG    | __main__:<module>:20 - Iteration 625: Points 446 (cluster 2623) and 626 (cluster 626) connect at weight=222.0
2025-04-09 19:04:10.165 | DEBUG    | __main__:<module>:20 - Iteration 626: Points 428 (cluster 2624) and 634 (cluster 634) connect at weight=222.0
2025-04-09 19:04:10.165 | DEBUG    | __main__:<module>:20 - Iteration 627: Points 413 (cluster 2625) and 640 (cluster 640) connect at weight=222.0
2025-04-09 19:04:10.165 | DEBUG    | __main__:<module>:20 - Iteration 628: Points 401 (cluster 2627) and 636 (cluster 636) connect at weight=222.0
2025-04-09 19:04:10.165 | DEBUG    | __main__:<module>:20 - Iteration 629: Points 661 (cluster 661) and 659 (cluster 659) connect at weight=221.0
2025-04-09 19:04:10.165 | DEBUG    | __main__:<module>:20 - Iteration 630: Points 661 (cluster 2629) and 651 (cluster 651) connect at weight=221.0
2025-04-09 19:04:10.165 | DEBUG    | __main__:<module>:20 - Iteration 631: Points 629 (cluster 2628) and 649 (cluster 649) connect at weight=221.0
2025-04-09 19:04:10.166 | DEBUG    | __main__:<module>:20 - Iteration 632: Points 618 (cluster 618) and 603 (cluster 2613) connect at weight=221.0
2025-04-09 19:04:10.166 | DEBUG    | __main__:<module>:20 - Iteration 633: Points 617 (cluster 2612) and 624 (cluster 624) connect at weight=221.0
2025-04-09 19:04:10.166 | DEBUG    | __main__:<module>:20 - Iteration 634: Points 612 (cluster 612) and 661 (cluster 2630) connect at weight=221.0
2025-04-09 19:04:10.166 | DEBUG    | __main__:<module>:20 - Iteration 635: Points 610 (cluster 2626) and 657 (cluster 657) connect at weight=221.0
2025-04-09 19:04:10.166 | DEBUG    | __main__:<module>:20 - Iteration 636: Points 610 (cluster 2635) and 572 (cluster 572) connect at weight=221.0
2025-04-09 19:04:10.167 | DEBUG    | __main__:<module>:20 - Iteration 637: Points 603 (cluster 2632) and 622 (cluster 622) connect at weight=221.0
2025-04-09 19:04:10.167 | DEBUG    | __main__:<module>:20 - Iteration 638: Points 595 (cluster 595) and 630 (cluster 2633) connect at weight=221.0
2025-04-09 19:04:10.167 | DEBUG    | __main__:<module>:20 - Iteration 639: Points 593 (cluster 2614) and 618 (cluster 2637) connect at weight=221.0
2025-04-09 19:04:10.167 | DEBUG    | __main__:<module>:20 - Iteration 640: Points 572 (cluster 2636) and 658 (cluster 658) connect at weight=221.0
2025-04-09 19:04:10.167 | DEBUG    | __main__:<module>:20 - Iteration 641: Points 572 (cluster 2640) and 612 (cluster 2634) connect at weight=221.0
2025-04-09 19:04:10.167 | DEBUG    | __main__:<module>:20 - Iteration 642: Points 563 (cluster 2631) and 660 (cluster 660) connect at weight=221.0
2025-04-09 19:04:10.168 | DEBUG    | __main__:<module>:20 - Iteration 643: Points 563 (cluster 2642) and 654 (cluster 654) connect at weight=221.0
2025-04-09 19:04:10.168 | DEBUG    | __main__:<module>:20 - Iteration 644: Points 541 (cluster 2641) and 656 (cluster 656) connect at weight=221.0
2025-04-09 19:04:10.168 | DEBUG    | __main__:<module>:20 - Iteration 645: Points 536 (cluster 2644) and 608 (cluster 608) connect at weight=221.0
2025-04-09 19:04:10.168 | DEBUG    | __main__:<module>:20 - Iteration 646: Points 505 (cluster 2643) and 648 (cluster 648) connect at weight=221.0
2025-04-09 19:04:10.168 | DEBUG    | __main__:<module>:20 - Iteration 647: Points 438 (cluster 2646) and 650 (cluster 650) connect at weight=221.0
2025-04-09 19:04:10.169 | DEBUG    | __main__:<module>:20 - Iteration 648: Points 420 (cluster 2647) and 652 (cluster 652) connect at weight=221.0
2025-04-09 19:04:10.169 | DEBUG    | __main__:<module>:20 - Iteration 649: Points 678 (cluster 678) and 665 (cluster 665) connect at weight=220.0
2025-04-09 19:04:10.169 | DEBUG    | __main__:<module>:20 - Iteration 650: Points 672 (cluster 672) and 670 (cluster 670) connect at weight=220.0
2025-04-09 19:04:10.169 | DEBUG    | __main__:<module>:20 - Iteration 651: Points 667 (cluster 667) and 655 (cluster 655) connect at weight=220.0
2025-04-09 19:04:10.169 | DEBUG    | __main__:<module>:20 - Iteration 652: Points 644 (cluster 644) and 646 (cluster 646) connect at weight=220.0
2025-04-09 19:04:10.169 | DEBUG    | __main__:<module>:20 - Iteration 653: Points 638 (cluster 638) and 674 (cluster 674) connect at weight=220.0
2025-04-09 19:04:10.170 | DEBUG    | __main__:<module>:20 - Iteration 654: Points 637 (cluster 2645) and 647 (cluster 647) connect at weight=220.0
2025-04-09 19:04:10.170 | DEBUG    | __main__:<module>:20 - Iteration 655: Points 608 (cluster 2654) and 644 (cluster 2652) connect at weight=220.0
2025-04-09 19:04:10.170 | DEBUG    | __main__:<module>:20 - Iteration 656: Points 586 (cluster 2648) and 678 (cluster 2649) connect at weight=220.0
2025-04-09 19:04:10.170 | DEBUG    | __main__:<module>:20 - Iteration 657: Points 581 (cluster 2655) and 673 (cluster 673) connect at weight=220.0
2025-04-09 19:04:10.170 | DEBUG    | __main__:<module>:20 - Iteration 658: Points 575 (cluster 2657) and 679 (cluster 679) connect at weight=220.0
2025-04-09 19:04:10.171 | DEBUG    | __main__:<module>:20 - Iteration 659: Points 574 (cluster 2656) and 675 (cluster 675) connect at weight=220.0
2025-04-09 19:04:10.171 | DEBUG    | __main__:<module>:20 - Iteration 660: Points 539 (cluster 2659) and 676 (cluster 676) connect at weight=220.0
2025-04-09 19:04:10.171 | DEBUG    | __main__:<module>:20 - Iteration 661: Points 512 (cluster 2660) and 677 (cluster 677) connect at weight=220.0
2025-04-09 19:04:10.171 | DEBUG    | __main__:<module>:20 - Iteration 662: Points 430 (cluster 2658) and 669 (cluster 669) connect at weight=220.0
2025-04-09 19:04:10.171 | DEBUG    | __main__:<module>:20 - Iteration 663: Points 350 (cluster 2662) and 671 (cluster 671) connect at weight=220.0
2025-04-09 19:04:10.177 | DEBUG    | __main__:<module>:20 - Iteration 664: Points 675 (cluster 2661) and 692 (cluster 692) connect at weight=219.0
2025-04-09 19:04:10.178 | DEBUG    | __main__:<module>:20 - Iteration 665: Points 672 (cluster 2650) and 668 (cluster 668) connect at weight=219.0
2025-04-09 19:04:10.178 | DEBUG    | __main__:<module>:20 - Iteration 666: Points 667 (cluster 2651) and 663 (cluster 663) connect at weight=219.0
2025-04-09 19:04:10.178 | DEBUG    | __main__:<module>:20 - Iteration 667: Points 663 (cluster 2666) and 666 (cluster 666) connect at weight=219.0
2025-04-09 19:04:10.178 | DEBUG    | __main__:<module>:20 - Iteration 668: Points 647 (cluster 2663) and 691 (cluster 691) connect at weight=219.0
2025-04-09 19:04:10.178 | DEBUG    | __main__:<module>:20 - Iteration 669: Points 647 (cluster 2668) and 683 (cluster 683) connect at weight=219.0
2025-04-09 19:04:10.179 | DEBUG    | __main__:<module>:20 - Iteration 670: Points 646 (cluster 2669) and 628 (cluster 628) connect at weight=219.0
2025-04-09 19:04:10.179 | DEBUG    | __main__:<module>:20 - Iteration 671: Points 643 (cluster 2664) and 667 (cluster 2667) connect at weight=219.0
2025-04-09 19:04:10.179 | DEBUG    | __main__:<module>:20 - Iteration 672: Points 624 (cluster 2638) and 653 (cluster 653) connect at weight=219.0
2025-04-09 19:04:10.179 | DEBUG    | __main__:<module>:20 - Iteration 673: Points 621 (cluster 2671) and 595 (cluster 2672) connect at weight=219.0
2025-04-09 19:04:10.179 | DEBUG    | __main__:<module>:20 - Iteration 674: Points 614 (cluster 2670) and 687 (cluster 687) connect at weight=219.0
2025-04-09 19:04:10.179 | DEBUG    | __main__:<module>:20 - Iteration 675: Points 601 (cluster 2639) and 680 (cluster 680) connect at weight=219.0
2025-04-09 19:04:10.180 | DEBUG    | __main__:<module>:20 - Iteration 676: Points 378 (cluster 2674) and 633 (cluster 633) connect at weight=219.0
2025-04-09 19:04:10.180 | DEBUG    | __main__:<module>:20 - Iteration 677: Points 702 (cluster 702) and 681 (cluster 681) connect at weight=218.0
2025-04-09 19:04:10.180 | DEBUG    | __main__:<module>:20 - Iteration 678: Points 699 (cluster 699) and 688 (cluster 688) connect at weight=218.0
2025-04-09 19:04:10.180 | DEBUG    | __main__:<module>:20 - Iteration 679: Points 695 (cluster 695) and 690 (cluster 690) connect at weight=218.0
2025-04-09 19:04:10.180 | DEBUG    | __main__:<module>:20 - Iteration 680: Points 692 (cluster 2673) and 703 (cluster 703) connect at weight=218.0
2025-04-09 19:04:10.181 | DEBUG    | __main__:<module>:20 - Iteration 681: Points 681 (cluster 2677) and 645 (cluster 645) connect at weight=218.0
2025-04-09 19:04:10.181 | DEBUG    | __main__:<module>:20 - Iteration 682: Points 678 (cluster 2680) and 700 (cluster 700) connect at weight=218.0
2025-04-09 19:04:10.181 | DEBUG    | __main__:<module>:20 - Iteration 683: Points 676 (cluster 2682) and 698 (cluster 698) connect at weight=218.0
2025-04-09 19:04:10.181 | DEBUG    | __main__:<module>:20 - Iteration 684: Points 674 (cluster 2653) and 672 (cluster 2665) connect at weight=218.0
2025-04-09 19:04:10.181 | DEBUG    | __main__:<module>:20 - Iteration 685: Points 672 (cluster 2684) and 684 (cluster 684) connect at weight=218.0
2025-04-09 19:04:10.181 | DEBUG    | __main__:<module>:20 - Iteration 686: Points 664 (cluster 664) and 696 (cluster 696) connect at weight=218.0
2025-04-09 19:04:10.182 | DEBUG    | __main__:<module>:20 - Iteration 687: Points 664 (cluster 2686) and 689 (cluster 689) connect at weight=218.0
2025-04-09 19:04:10.182 | DEBUG    | __main__:<module>:20 - Iteration 688: Points 662 (cluster 662) and 694 (cluster 694) connect at weight=218.0
2025-04-09 19:04:10.182 | DEBUG    | __main__:<module>:20 - Iteration 689: Points 658 (cluster 2676) and 686 (cluster 686) connect at weight=218.0
2025-04-09 19:04:10.182 | DEBUG    | __main__:<module>:20 - Iteration 690: Points 655 (cluster 2683) and 699 (cluster 2678) connect at weight=218.0
2025-04-09 19:04:10.182 | DEBUG    | __main__:<module>:20 - Iteration 691: Points 653 (cluster 2690) and 682 (cluster 682) connect at weight=218.0
2025-04-09 19:04:10.183 | DEBUG    | __main__:<module>:20 - Iteration 692: Points 645 (cluster 2681) and 695 (cluster 2679) connect at weight=218.0
2025-04-09 19:04:10.183 | DEBUG    | __main__:<module>:20 - Iteration 693: Points 645 (cluster 2692) and 662 (cluster 2688) connect at weight=218.0
2025-04-09 19:04:10.183 | DEBUG    | __main__:<module>:20 - Iteration 694: Points 641 (cluster 2689) and 707 (cluster 707) connect at weight=218.0
2025-04-09 19:04:10.183 | DEBUG    | __main__:<module>:20 - Iteration 695: Points 621 (cluster 2691) and 685 (cluster 685) connect at weight=218.0
2025-04-09 19:04:10.183 | DEBUG    | __main__:<module>:20 - Iteration 696: Points 563 (cluster 2695) and 704 (cluster 704) connect at weight=218.0
2025-04-09 19:04:10.183 | DEBUG    | __main__:<module>:20 - Iteration 697: Points 562 (cluster 2696) and 693 (cluster 693) connect at weight=218.0
2025-04-09 19:04:10.184 | DEBUG    | __main__:<module>:20 - Iteration 698: Points 708 (cluster 708) and 706 (cluster 706) connect at weight=217.0
2025-04-09 19:04:10.184 | DEBUG    | __main__:<module>:20 - Iteration 699: Points 706 (cluster 2698) and 715 (cluster 715) connect at weight=217.0
2025-04-09 19:04:10.184 | DEBUG    | __main__:<module>:20 - Iteration 700: Points 704 (cluster 2697) and 710 (cluster 710) connect at weight=217.0
2025-04-09 19:04:10.184 | DEBUG    | __main__:<module>:20 - Iteration 701: Points 701 (cluster 701) and 712 (cluster 712) connect at weight=217.0
2025-04-09 19:04:10.184 | DEBUG    | __main__:<module>:20 - Iteration 702: Points 667 (cluster 2700) and 713 (cluster 713) connect at weight=217.0
2025-04-09 19:04:10.185 | DEBUG    | __main__:<module>:20 - Iteration 703: Points 666 (cluster 2702) and 701 (cluster 2701) connect at weight=217.0
2025-04-09 19:04:10.185 | DEBUG    | __main__:<module>:20 - Iteration 704: Points 628 (cluster 2694) and 664 (cluster 2687) connect at weight=217.0
2025-04-09 19:04:10.185 | DEBUG    | __main__:<module>:20 - Iteration 705: Points 621 (cluster 2703) and 720 (cluster 720) connect at weight=217.0
2025-04-09 19:04:10.185 | DEBUG    | __main__:<module>:20 - Iteration 706: Points 615 (cluster 2704) and 714 (cluster 714) connect at weight=217.0
2025-04-09 19:04:10.185 | DEBUG    | __main__:<module>:20 - Iteration 707: Points 599 (cluster 2705) and 717 (cluster 717) connect at weight=217.0
2025-04-09 19:04:10.185 | DEBUG    | __main__:<module>:20 - Iteration 708: Points 720 (cluster 2707) and 723 (cluster 723) connect at weight=216.0
2025-04-09 19:04:10.186 | DEBUG    | __main__:<module>:20 - Iteration 709: Points 712 (cluster 2708) and 702 (cluster 2693) connect at weight=216.0
2025-04-09 19:04:10.186 | DEBUG    | __main__:<module>:20 - Iteration 710: Points 705 (cluster 705) and 642 (cluster 2675) connect at weight=216.0
2025-04-09 19:04:10.186 | DEBUG    | __main__:<module>:20 - Iteration 711: Points 682 (cluster 2709) and 711 (cluster 711) connect at weight=216.0
2025-04-09 19:04:10.186 | DEBUG    | __main__:<module>:20 - Iteration 712: Points 673 (cluster 2706) and 721 (cluster 721) connect at weight=216.0
2025-04-09 19:04:10.186 | DEBUG    | __main__:<module>:20 - Iteration 713: Points 650 (cluster 2711) and 726 (cluster 726) connect at weight=216.0
2025-04-09 19:04:10.187 | DEBUG    | __main__:<module>:20 - Iteration 714: Points 628 (cluster 2712) and 729 (cluster 729) connect at weight=216.0
2025-04-09 19:04:10.187 | DEBUG    | __main__:<module>:20 - Iteration 715: Points 742 (cluster 742) and 740 (cluster 740) connect at weight=215.0
2025-04-09 19:04:10.187 | DEBUG    | __main__:<module>:20 - Iteration 716: Points 727 (cluster 727) and 728 (cluster 728) connect at weight=215.0
2025-04-09 19:04:10.187 | DEBUG    | __main__:<module>:20 - Iteration 717: Points 722 (cluster 722) and 739 (cluster 739) connect at weight=215.0
2025-04-09 19:04:10.187 | DEBUG    | __main__:<module>:20 - Iteration 718: Points 715 (cluster 2699) and 743 (cluster 743) connect at weight=215.0
2025-04-09 19:04:10.187 | DEBUG    | __main__:<module>:20 - Iteration 719: Points 714 (cluster 2714) and 736 (cluster 736) connect at weight=215.0
2025-04-09 19:04:10.188 | DEBUG    | __main__:<module>:20 - Iteration 720: Points 712 (cluster 2713) and 735 (cluster 735) connect at weight=215.0
2025-04-09 19:04:10.188 | DEBUG    | __main__:<module>:20 - Iteration 721: Points 711 (cluster 2720) and 742 (cluster 2715) connect at weight=215.0
2025-04-09 19:04:10.188 | DEBUG    | __main__:<module>:20 - Iteration 722: Points 709 (cluster 709) and 727 (cluster 2716) connect at weight=215.0
2025-04-09 19:04:10.188 | DEBUG    | __main__:<module>:20 - Iteration 723: Points 703 (cluster 2721) and 741 (cluster 741) connect at weight=215.0
2025-04-09 19:04:10.188 | DEBUG    | __main__:<module>:20 - Iteration 724: Points 699 (cluster 2723) and 737 (cluster 737) connect at weight=215.0
2025-04-09 19:04:10.189 | DEBUG    | __main__:<module>:20 - Iteration 725: Points 684 (cluster 2685) and 718 (cluster 718) connect at weight=215.0
2025-04-09 19:04:10.189 | DEBUG    | __main__:<module>:20 - Iteration 726: Points 682 (cluster 2724) and 724 (cluster 724) connect at weight=215.0
2025-04-09 19:04:10.189 | DEBUG    | __main__:<module>:20 - Iteration 727: Points 637 (cluster 2719) and 725 (cluster 725) connect at weight=215.0
2025-04-09 19:04:10.189 | DEBUG    | __main__:<module>:20 - Iteration 728: Points 545 (cluster 2727) and 733 (cluster 733) connect at weight=215.0
2025-04-09 19:04:10.189 | DEBUG    | __main__:<module>:20 - Iteration 729: Points 751 (cluster 751) and 745 (cluster 745) connect at weight=214.0
2025-04-09 19:04:10.190 | DEBUG    | __main__:<module>:20 - Iteration 730: Points 738 (cluster 738) and 748 (cluster 748) connect at weight=214.0
2025-04-09 19:04:10.190 | DEBUG    | __main__:<module>:20 - Iteration 731: Points 737 (cluster 2726) and 753 (cluster 753) connect at weight=214.0
2025-04-09 19:04:10.190 | DEBUG    | __main__:<module>:20 - Iteration 732: Points 732 (cluster 732) and 734 (cluster 734) connect at weight=214.0
2025-04-09 19:04:10.190 | DEBUG    | __main__:<module>:20 - Iteration 733: Points 728 (cluster 2722) and 705 (cluster 2710) connect at weight=214.0
2025-04-09 19:04:10.190 | DEBUG    | __main__:<module>:20 - Iteration 734: Points 719 (cluster 719) and 697 (cluster 697) connect at weight=214.0
2025-04-09 19:04:10.190 | DEBUG    | __main__:<module>:20 - Iteration 735: Points 715 (cluster 2718) and 738 (cluster 2730) connect at weight=214.0
2025-04-09 19:04:10.191 | DEBUG    | __main__:<module>:20 - Iteration 736: Points 694 (cluster 2731) and 638 (cluster 2725) connect at weight=214.0
2025-04-09 19:04:10.191 | DEBUG    | __main__:<module>:20 - Iteration 737: Points 686 (cluster 2728) and 747 (cluster 747) connect at weight=214.0
2025-04-09 19:04:10.191 | DEBUG    | __main__:<module>:20 - Iteration 738: Points 685 (cluster 2736) and 752 (cluster 752) connect at weight=214.0
2025-04-09 19:04:10.191 | DEBUG    | __main__:<module>:20 - Iteration 739: Points 661 (cluster 2737) and 709 (cluster 2733) connect at weight=214.0
2025-04-09 19:04:10.191 | DEBUG    | __main__:<module>:20 - Iteration 740: Points 630 (cluster 2738) and 751 (cluster 2729) connect at weight=214.0
2025-04-09 19:04:10.192 | DEBUG    | __main__:<module>:20 - Iteration 741: Points 622 (cluster 2739) and 719 (cluster 2734) connect at weight=214.0
2025-04-09 19:04:10.192 | DEBUG    | __main__:<module>:20 - Iteration 742: Points 596 (cluster 2740) and 746 (cluster 746) connect at weight=214.0
2025-04-09 19:04:10.192 | DEBUG    | __main__:<module>:20 - Iteration 743: Points 764 (cluster 764) and 757 (cluster 757) connect at weight=213.0
2025-04-09 19:04:10.192 | DEBUG    | __main__:<module>:20 - Iteration 744: Points 734 (cluster 2732) and 750 (cluster 750) connect at weight=213.0
2025-04-09 19:04:10.192 | DEBUG    | __main__:<module>:20 - Iteration 745: Points 724 (cluster 2742) and 744 (cluster 744) connect at weight=213.0
2025-04-09 19:04:10.192 | DEBUG    | __main__:<module>:20 - Iteration 746: Points 719 (cluster 2741) and 749 (cluster 749) connect at weight=213.0
2025-04-09 19:04:10.193 | DEBUG    | __main__:<module>:20 - Iteration 747: Points 684 (cluster 2745) and 755 (cluster 755) connect at weight=213.0
2025-04-09 19:04:10.193 | DEBUG    | __main__:<module>:20 - Iteration 748: Points 680 (cluster 2746) and 758 (cluster 758) connect at weight=213.0
2025-04-09 19:04:10.193 | DEBUG    | __main__:<module>:20 - Iteration 749: Points 528 (cluster 2748) and 754 (cluster 754) connect at weight=213.0
2025-04-09 19:04:10.193 | DEBUG    | __main__:<module>:20 - Iteration 750: Points 769 (cluster 769) and 762 (cluster 762) connect at weight=212.0
2025-04-09 19:04:10.193 | DEBUG    | __main__:<module>:20 - Iteration 751: Points 768 (cluster 768) and 761 (cluster 761) connect at weight=212.0
2025-04-09 19:04:10.194 | DEBUG    | __main__:<module>:20 - Iteration 752: Points 762 (cluster 2750) and 759 (cluster 759) connect at weight=212.0
2025-04-09 19:04:10.194 | DEBUG    | __main__:<module>:20 - Iteration 753: Points 761 (cluster 2751) and 722 (cluster 2717) connect at weight=212.0
2025-04-09 19:04:10.194 | DEBUG    | __main__:<module>:20 - Iteration 754: Points 755 (cluster 2747) and 774 (cluster 774) connect at weight=212.0
2025-04-09 19:04:10.194 | DEBUG    | __main__:<module>:20 - Iteration 755: Points 750 (cluster 2744) and 730 (cluster 730) connect at weight=212.0
2025-04-09 19:04:10.194 | DEBUG    | __main__:<module>:20 - Iteration 756: Points 743 (cluster 2735) and 765 (cluster 765) connect at weight=212.0
2025-04-09 19:04:10.194 | DEBUG    | __main__:<module>:20 - Iteration 757: Points 728 (cluster 2749) and 756 (cluster 756) connect at weight=212.0
2025-04-09 19:04:10.195 | DEBUG    | __main__:<module>:20 - Iteration 758: Points 727 (cluster 2757) and 775 (cluster 775) connect at weight=212.0
2025-04-09 19:04:10.195 | DEBUG    | __main__:<module>:20 - Iteration 759: Points 724 (cluster 2754) and 716 (cluster 716) connect at weight=212.0
2025-04-09 19:04:10.195 | DEBUG    | __main__:<module>:20 - Iteration 760: Points 694 (cluster 2759) and 767 (cluster 767) connect at weight=212.0
2025-04-09 19:04:10.195 | DEBUG    | __main__:<module>:20 - Iteration 761: Points 684 (cluster 2760) and 770 (cluster 770) connect at weight=212.0
2025-04-09 19:04:10.195 | DEBUG    | __main__:<module>:20 - Iteration 762: Points 638 (cluster 2761) and 773 (cluster 773) connect at weight=212.0
2025-04-09 19:04:10.196 | DEBUG    | __main__:<module>:20 - Iteration 763: Points 600 (cluster 2758) and 772 (cluster 772) connect at weight=212.0
2025-04-09 19:04:10.196 | DEBUG    | __main__:<module>:20 - Iteration 764: Points 791 (cluster 791) and 782 (cluster 782) connect at weight=211.0
2025-04-09 19:04:10.196 | DEBUG    | __main__:<module>:20 - Iteration 765: Points 770 (cluster 2762) and 784 (cluster 784) connect at weight=211.0
2025-04-09 19:04:10.196 | DEBUG    | __main__:<module>:20 - Iteration 766: Points 768 (cluster 2753) and 792 (cluster 792) connect at weight=211.0
2025-04-09 19:04:10.196 | DEBUG    | __main__:<module>:20 - Iteration 767: Points 764 (cluster 2743) and 769 (cluster 2752) connect at weight=211.0
2025-04-09 19:04:10.196 | DEBUG    | __main__:<module>:20 - Iteration 768: Points 762 (cluster 2767) and 791 (cluster 2764) connect at weight=211.0
2025-04-09 19:04:10.197 | DEBUG    | __main__:<module>:20 - Iteration 769: Points 743 (cluster 2756) and 781 (cluster 781) connect at weight=211.0
2025-04-09 19:04:10.197 | DEBUG    | __main__:<module>:20 - Iteration 770: Points 741 (cluster 2765) and 788 (cluster 788) connect at weight=211.0
2025-04-09 19:04:10.197 | DEBUG    | __main__:<module>:20 - Iteration 771: Points 707 (cluster 2763) and 783 (cluster 783) connect at weight=211.0
2025-04-09 19:04:10.197 | DEBUG    | __main__:<module>:20 - Iteration 772: Points 697 (cluster 2771) and 763 (cluster 763) connect at weight=211.0
2025-04-09 19:04:10.197 | DEBUG    | __main__:<module>:20 - Iteration 773: Points 690 (cluster 2770) and 790 (cluster 790) connect at weight=211.0
2025-04-09 19:04:10.198 | DEBUG    | __main__:<module>:20 - Iteration 774: Points 624 (cluster 2773) and 777 (cluster 777) connect at weight=211.0
2025-04-09 19:04:10.198 | DEBUG    | __main__:<module>:20 - Iteration 775: Points 623 (cluster 2772) and 786 (cluster 786) connect at weight=211.0
2025-04-09 19:04:10.198 | DEBUG    | __main__:<module>:20 - Iteration 776: Points 606 (cluster 2774) and 776 (cluster 776) connect at weight=211.0
2025-04-09 19:04:10.198 | DEBUG    | __main__:<module>:20 - Iteration 777: Points 798 (cluster 798) and 760 (cluster 760) connect at weight=210.0
2025-04-09 19:04:10.198 | DEBUG    | __main__:<module>:20 - Iteration 778: Points 791 (cluster 2768) and 796 (cluster 796) connect at weight=210.0
2025-04-09 19:04:10.198 | DEBUG    | __main__:<module>:20 - Iteration 779: Points 780 (cluster 780) and 779 (cluster 779) connect at weight=210.0
2025-04-09 19:04:10.199 | DEBUG    | __main__:<module>:20 - Iteration 780: Points 779 (cluster 2779) and 798 (cluster 2777) connect at weight=210.0
2025-04-09 19:04:10.199 | DEBUG    | __main__:<module>:20 - Iteration 781: Points 763 (cluster 2775) and 708 (cluster 2769) connect at weight=210.0
2025-04-09 19:04:10.199 | DEBUG    | __main__:<module>:20 - Iteration 782: Points 760 (cluster 2780) and 793 (cluster 793) connect at weight=210.0
2025-04-09 19:04:10.199 | DEBUG    | __main__:<module>:20 - Iteration 783: Points 749 (cluster 2781) and 789 (cluster 789) connect at weight=210.0
2025-04-09 19:04:10.199 | DEBUG    | __main__:<module>:20 - Iteration 784: Points 731 (cluster 731) and 794 (cluster 794) connect at weight=210.0
2025-04-09 19:04:10.200 | DEBUG    | __main__:<module>:20 - Iteration 785: Points 730 (cluster 2755) and 797 (cluster 797) connect at weight=210.0
2025-04-09 19:04:10.200 | DEBUG    | __main__:<module>:20 - Iteration 786: Points 722 (cluster 2766) and 780 (cluster 2782) connect at weight=210.0
2025-04-09 19:04:10.200 | DEBUG    | __main__:<module>:20 - Iteration 787: Points 718 (cluster 2776) and 778 (cluster 778) connect at weight=210.0
2025-04-09 19:04:10.200 | DEBUG    | __main__:<module>:20 - Iteration 788: Points 716 (cluster 2787) and 764 (cluster 2778) connect at weight=210.0
2025-04-09 19:04:10.200 | DEBUG    | __main__:<module>:20 - Iteration 789: Points 706 (cluster 2783) and 766 (cluster 766) connect at weight=210.0
2025-04-09 19:04:10.200 | DEBUG    | __main__:<module>:20 - Iteration 790: Points 638 (cluster 2788) and 795 (cluster 795) connect at weight=210.0
2025-04-09 19:04:10.201 | DEBUG    | __main__:<module>:20 - Iteration 791: Points 807 (cluster 807) and 800 (cluster 800) connect at weight=209.0
2025-04-09 19:04:10.201 | DEBUG    | __main__:<module>:20 - Iteration 792: Points 793 (cluster 2786) and 804 (cluster 804) connect at weight=209.0
2025-04-09 19:04:10.201 | DEBUG    | __main__:<module>:20 - Iteration 793: Points 792 (cluster 2792) and 806 (cluster 806) connect at weight=209.0
2025-04-09 19:04:10.201 | DEBUG    | __main__:<module>:20 - Iteration 794: Points 778 (cluster 2790) and 785 (cluster 785) connect at weight=209.0
2025-04-09 19:04:10.201 | DEBUG    | __main__:<module>:20 - Iteration 795: Points 764 (cluster 2794) and 787 (cluster 787) connect at weight=209.0
2025-04-09 19:04:10.202 | DEBUG    | __main__:<module>:20 - Iteration 796: Points 760 (cluster 2793) and 731 (cluster 2784) connect at weight=209.0
2025-04-09 19:04:10.202 | DEBUG    | __main__:<module>:20 - Iteration 797: Points 744 (cluster 2795) and 805 (cluster 805) connect at weight=209.0
2025-04-09 19:04:10.202 | DEBUG    | __main__:<module>:20 - Iteration 798: Points 743 (cluster 2789) and 732 (cluster 2785) connect at weight=209.0
2025-04-09 19:04:10.202 | DEBUG    | __main__:<module>:20 - Iteration 799: Points 707 (cluster 2798) and 809 (cluster 809) connect at weight=209.0
2025-04-09 19:04:10.202 | DEBUG    | __main__:<module>:20 - Iteration 800: Points 655 (cluster 2797) and 808 (cluster 808) connect at weight=209.0
2025-04-09 19:04:10.202 | DEBUG    | __main__:<module>:20 - Iteration 801: Points 639 (cluster 2799) and 802 (cluster 802) connect at weight=209.0
2025-04-09 19:04:10.203 | DEBUG    | __main__:<module>:20 - Iteration 802: Points 807 (cluster 2791) and 815 (cluster 815) connect at weight=208.0
2025-04-09 19:04:10.203 | DEBUG    | __main__:<module>:20 - Iteration 803: Points 804 (cluster 2796) and 813 (cluster 813) connect at weight=208.0
2025-04-09 19:04:10.203 | DEBUG    | __main__:<module>:20 - Iteration 804: Points 802 (cluster 2801) and 810 (cluster 810) connect at weight=208.0
2025-04-09 19:04:10.203 | DEBUG    | __main__:<module>:20 - Iteration 805: Points 799 (cluster 799) and 803 (cluster 803) connect at weight=208.0
2025-04-09 19:04:10.203 | DEBUG    | __main__:<module>:20 - Iteration 806: Points 794 (cluster 2803) and 812 (cluster 812) connect at weight=208.0
2025-04-09 19:04:10.204 | DEBUG    | __main__:<module>:20 - Iteration 807: Points 789 (cluster 2804) and 801 (cluster 801) connect at weight=208.0
2025-04-09 19:04:10.204 | DEBUG    | __main__:<module>:20 - Iteration 808: Points 769 (cluster 2800) and 816 (cluster 816) connect at weight=208.0
2025-04-09 19:04:10.204 | DEBUG    | __main__:<module>:20 - Iteration 809: Points 749 (cluster 2807) and 818 (cluster 818) connect at weight=208.0
2025-04-09 19:04:10.204 | DEBUG    | __main__:<module>:20 - Iteration 810: Points 686 (cluster 2809) and 811 (cluster 811) connect at weight=208.0
2025-04-09 19:04:10.204 | DEBUG    | __main__:<module>:20 - Iteration 811: Points 635 (cluster 2808) and 814 (cluster 814) connect at weight=208.0
2025-04-09 19:04:10.204 | DEBUG    | __main__:<module>:20 - Iteration 812: Points 804 (cluster 2806) and 821 (cluster 821) connect at weight=207.0
2025-04-09 19:04:10.205 | DEBUG    | __main__:<module>:20 - Iteration 813: Points 803 (cluster 2805) and 768 (cluster 2812) connect at weight=207.0
2025-04-09 19:04:10.205 | DEBUG    | __main__:<module>:20 - Iteration 814: Points 796 (cluster 2811) and 771 (cluster 771) connect at weight=207.0
2025-04-09 19:04:10.205 | DEBUG    | __main__:<module>:20 - Iteration 815: Points 767 (cluster 2814) and 824 (cluster 824) connect at weight=207.0
2025-04-09 19:04:10.205 | DEBUG    | __main__:<module>:20 - Iteration 816: Points 732 (cluster 2810) and 823 (cluster 823) connect at weight=207.0
2025-04-09 19:04:10.205 | DEBUG    | __main__:<module>:20 - Iteration 817: Points 691 (cluster 2816) and 827 (cluster 827) connect at weight=207.0
2025-04-09 19:04:10.206 | DEBUG    | __main__:<module>:20 - Iteration 818: Points 677 (cluster 2815) and 822 (cluster 822) connect at weight=207.0
2025-04-09 19:04:10.208 | DEBUG    | __main__:<module>:20 - Iteration 819: Points 664 (cluster 2817) and 799 (cluster 2813) connect at weight=207.0
2025-04-09 19:04:10.208 | DEBUG    | __main__:<module>:20 - Iteration 820: Points 656 (cluster 2819) and 825 (cluster 825) connect at weight=207.0
2025-04-09 19:04:10.208 | DEBUG    | __main__:<module>:20 - Iteration 821: Points 640 (cluster 2818) and 820 (cluster 820) connect at weight=207.0
2025-04-09 19:04:10.208 | DEBUG    | __main__:<module>:20 - Iteration 822: Points 834 (cluster 834) and 833 (cluster 833) connect at weight=206.0
2025-04-09 19:04:10.208 | DEBUG    | __main__:<module>:20 - Iteration 823: Points 831 (cluster 831) and 829 (cluster 829) connect at weight=206.0
2025-04-09 19:04:10.209 | DEBUG    | __main__:<module>:20 - Iteration 824: Points 826 (cluster 826) and 830 (cluster 830) connect at weight=206.0
2025-04-09 19:04:10.209 | DEBUG    | __main__:<module>:20 - Iteration 825: Points 813 (cluster 2820) and 831 (cluster 2823) connect at weight=206.0
2025-04-09 19:04:10.209 | DEBUG    | __main__:<module>:20 - Iteration 826: Points 805 (cluster 2821) and 832 (cluster 832) connect at weight=206.0
2025-04-09 19:04:10.209 | DEBUG    | __main__:<module>:20 - Iteration 827: Points 797 (cluster 2825) and 834 (cluster 2822) connect at weight=206.0
2025-04-09 19:04:10.209 | DEBUG    | __main__:<module>:20 - Iteration 828: Points 680 (cluster 2827) and 836 (cluster 836) connect at weight=206.0
2025-04-09 19:04:10.210 | DEBUG    | __main__:<module>:20 - Iteration 829: Points 844 (cluster 844) and 841 (cluster 841) connect at weight=205.0
2025-04-09 19:04:10.210 | DEBUG    | __main__:<module>:20 - Iteration 830: Points 831 (cluster 2828) and 844 (cluster 2829) connect at weight=205.0
2025-04-09 19:04:10.210 | DEBUG    | __main__:<module>:20 - Iteration 831: Points 830 (cluster 2824) and 843 (cluster 843) connect at weight=205.0
2025-04-09 19:04:10.210 | DEBUG    | __main__:<module>:20 - Iteration 832: Points 828 (cluster 828) and 826 (cluster 2831) connect at weight=205.0
2025-04-09 19:04:10.210 | DEBUG    | __main__:<module>:20 - Iteration 833: Points 797 (cluster 2830) and 835 (cluster 835) connect at weight=205.0
2025-04-09 19:04:10.217 | DEBUG    | __main__:<module>:20 - Iteration 834: Points 794 (cluster 2833) and 838 (cluster 838) connect at weight=205.0
2025-04-09 19:04:10.217 | DEBUG    | __main__:<module>:20 - Iteration 835: Points 785 (cluster 2826) and 828 (cluster 2832) connect at weight=205.0
2025-04-09 19:04:10.217 | DEBUG    | __main__:<module>:20 - Iteration 836: Points 771 (cluster 2835) and 842 (cluster 842) connect at weight=205.0
2025-04-09 19:04:10.218 | DEBUG    | __main__:<module>:20 - Iteration 837: Points 725 (cluster 2834) and 839 (cluster 839) connect at weight=205.0
2025-04-09 19:04:10.218 | DEBUG    | __main__:<module>:20 - Iteration 838: Points 696 (cluster 2837) and 846 (cluster 846) connect at weight=205.0
2025-04-09 19:04:10.218 | DEBUG    | __main__:<module>:20 - Iteration 839: Points 844 (cluster 2838) and 855 (cluster 855) connect at weight=204.0
2025-04-09 19:04:10.218 | DEBUG    | __main__:<module>:20 - Iteration 840: Points 844 (cluster 2839) and 850 (cluster 850) connect at weight=204.0
2025-04-09 19:04:10.218 | DEBUG    | __main__:<module>:20 - Iteration 841: Points 838 (cluster 2840) and 853 (cluster 853) connect at weight=204.0
2025-04-09 19:04:10.218 | DEBUG    | __main__:<module>:20 - Iteration 842: Points 828 (cluster 2836) and 854 (cluster 854) connect at weight=204.0
2025-04-09 19:04:10.219 | DEBUG    | __main__:<module>:20 - Iteration 843: Points 826 (cluster 2842) and 817 (cluster 817) connect at weight=204.0
2025-04-09 19:04:10.219 | DEBUG    | __main__:<module>:20 - Iteration 844: Points 815 (cluster 2802) and 819 (cluster 819) connect at weight=204.0
2025-04-09 19:04:10.219 | DEBUG    | __main__:<module>:20 - Iteration 845: Points 777 (cluster 2843) and 848 (cluster 848) connect at weight=204.0
2025-04-09 19:04:10.219 | DEBUG    | __main__:<module>:20 - Iteration 846: Points 771 (cluster 2845) and 807 (cluster 2844) connect at weight=204.0
2025-04-09 19:04:10.219 | DEBUG    | __main__:<module>:20 - Iteration 847: Points 622 (cluster 2841) and 847 (cluster 847) connect at weight=204.0
2025-04-09 19:04:10.220 | DEBUG    | __main__:<module>:20 - Iteration 848: Points 821 (cluster 2847) and 870 (cluster 870) connect at weight=203.0
2025-04-09 19:04:10.220 | DEBUG    | __main__:<module>:20 - Iteration 849: Points 808 (cluster 2846) and 858 (cluster 858) connect at weight=203.0
2025-04-09 19:04:10.220 | DEBUG    | __main__:<module>:20 - Iteration 850: Points 803 (cluster 2848) and 863 (cluster 863) connect at weight=203.0
2025-04-09 19:04:10.220 | DEBUG    | __main__:<module>:20 - Iteration 851: Points 796 (cluster 2849) and 864 (cluster 864) connect at weight=203.0
2025-04-09 19:04:10.220 | DEBUG    | __main__:<module>:20 - Iteration 852: Points 795 (cluster 2851) and 861 (cluster 861) connect at weight=203.0
2025-04-09 19:04:10.221 | DEBUG    | __main__:<module>:20 - Iteration 853: Points 776 (cluster 2852) and 857 (cluster 857) connect at weight=203.0
2025-04-09 19:04:10.221 | DEBUG    | __main__:<module>:20 - Iteration 854: Points 771 (cluster 2853) and 840 (cluster 840) connect at weight=203.0
2025-04-09 19:04:10.221 | DEBUG    | __main__:<module>:20 - Iteration 855: Points 700 (cluster 2854) and 872 (cluster 872) connect at weight=203.0
2025-04-09 19:04:10.221 | DEBUG    | __main__:<module>:20 - Iteration 856: Points 674 (cluster 2855) and 869 (cluster 869) connect at weight=203.0
2025-04-09 19:04:10.221 | DEBUG    | __main__:<module>:20 - Iteration 857: Points 491 (cluster 2856) and 871 (cluster 871) connect at weight=203.0
2025-04-09 19:04:10.221 | DEBUG    | __main__:<module>:20 - Iteration 858: Points 881 (cluster 881) and 879 (cluster 879) connect at weight=202.0
2025-04-09 19:04:10.222 | DEBUG    | __main__:<module>:20 - Iteration 859: Points 880 (cluster 880) and 874 (cluster 874) connect at weight=202.0
2025-04-09 19:04:10.222 | DEBUG    | __main__:<module>:20 - Iteration 860: Points 856 (cluster 856) and 851 (cluster 851) connect at weight=202.0
2025-04-09 19:04:10.222 | DEBUG    | __main__:<module>:20 - Iteration 861: Points 851 (cluster 2860) and 876 (cluster 876) connect at weight=202.0
2025-04-09 19:04:10.223 | DEBUG    | __main__:<module>:20 - Iteration 862: Points 849 (cluster 849) and 878 (cluster 878) connect at weight=202.0
2025-04-09 19:04:10.223 | DEBUG    | __main__:<module>:20 - Iteration 863: Points 837 (cluster 837) and 867 (cluster 867) connect at weight=202.0
2025-04-09 19:04:10.223 | DEBUG    | __main__:<module>:20 - Iteration 864: Points 826 (cluster 2857) and 852 (cluster 852) connect at weight=202.0
2025-04-09 19:04:10.223 | DEBUG    | __main__:<module>:20 - Iteration 865: Points 794 (cluster 2850) and 860 (cluster 860) connect at weight=202.0
2025-04-09 19:04:10.223 | DEBUG    | __main__:<module>:20 - Iteration 866: Points 721 (cluster 2865) and 886 (cluster 886) connect at weight=202.0
2025-04-09 19:04:10.224 | DEBUG    | __main__:<module>:20 - Iteration 867: Points 893 (cluster 893) and 881 (cluster 2858) connect at weight=201.0
2025-04-09 19:04:10.224 | DEBUG    | __main__:<module>:20 - Iteration 868: Points 888 (cluster 888) and 880 (cluster 2859) connect at weight=201.0
2025-04-09 19:04:10.224 | DEBUG    | __main__:<module>:20 - Iteration 869: Points 882 (cluster 882) and 893 (cluster 2867) connect at weight=201.0
2025-04-09 19:04:10.224 | DEBUG    | __main__:<module>:20 - Iteration 870: Points 878 (cluster 2862) and 896 (cluster 896) connect at weight=201.0
2025-04-09 19:04:10.224 | DEBUG    | __main__:<module>:20 - Iteration 871: Points 876 (cluster 2861) and 891 (cluster 891) connect at weight=201.0
2025-04-09 19:04:10.225 | DEBUG    | __main__:<module>:20 - Iteration 872: Points 870 (cluster 2866) and 894 (cluster 894) connect at weight=201.0
2025-04-09 19:04:10.225 | DEBUG    | __main__:<module>:20 - Iteration 873: Points 866 (cluster 866) and 856 (cluster 2871) connect at weight=201.0
2025-04-09 19:04:10.225 | DEBUG    | __main__:<module>:20 - Iteration 874: Points 859 (cluster 859) and 882 (cluster 2869) connect at weight=201.0
2025-04-09 19:04:10.225 | DEBUG    | __main__:<module>:20 - Iteration 875: Points 852 (cluster 2864) and 866 (cluster 2873) connect at weight=201.0
2025-04-09 19:04:10.225 | DEBUG    | __main__:<module>:20 - Iteration 876: Points 851 (cluster 2875) and 868 (cluster 868) connect at weight=201.0
2025-04-09 19:04:10.225 | DEBUG    | __main__:<module>:20 - Iteration 877: Points 816 (cluster 2876) and 898 (cluster 898) connect at weight=201.0
2025-04-09 19:04:10.226 | DEBUG    | __main__:<module>:20 - Iteration 878: Points 785 (cluster 2877) and 877 (cluster 877) connect at weight=201.0
2025-04-09 19:04:10.226 | DEBUG    | __main__:<module>:20 - Iteration 879: Points 781 (cluster 2872) and 895 (cluster 895) connect at weight=201.0
2025-04-09 19:04:10.226 | DEBUG    | __main__:<module>:20 - Iteration 880: Points 906 (cluster 906) and 890 (cluster 890) connect at weight=200.0
2025-04-09 19:04:10.226 | DEBUG    | __main__:<module>:20 - Iteration 881: Points 899 (cluster 899) and 907 (cluster 907) connect at weight=200.0
2025-04-09 19:04:10.226 | DEBUG    | __main__:<module>:20 - Iteration 882: Points 885 (cluster 885) and 887 (cluster 887) connect at weight=200.0
2025-04-09 19:04:10.227 | DEBUG    | __main__:<module>:20 - Iteration 883: Points 885 (cluster 2882) and 883 (cluster 883) connect at weight=200.0
2025-04-09 19:04:10.227 | DEBUG    | __main__:<module>:20 - Iteration 884: Points 884 (cluster 884) and 845 (cluster 845) connect at weight=200.0
2025-04-09 19:04:10.227 | DEBUG    | __main__:<module>:20 - Iteration 885: Points 881 (cluster 2874) and 885 (cluster 2883) connect at weight=200.0
2025-04-09 19:04:10.227 | DEBUG    | __main__:<module>:20 - Iteration 886: Points 864 (cluster 2878) and 904 (cluster 904) connect at weight=200.0
2025-04-09 19:04:10.227 | DEBUG    | __main__:<module>:20 - Iteration 887: Points 856 (cluster 2886) and 913 (cluster 913) connect at weight=200.0
2025-04-09 19:04:10.227 | DEBUG    | __main__:<module>:20 - Iteration 888: Points 845 (cluster 2884) and 889 (cluster 889) connect at weight=200.0
2025-04-09 19:04:10.228 | DEBUG    | __main__:<module>:20 - Iteration 889: Points 842 (cluster 2887) and 910 (cluster 910) connect at weight=200.0
2025-04-09 19:04:10.228 | DEBUG    | __main__:<module>:20 - Iteration 890: Points 560 (cluster 2879) and 908 (cluster 908) connect at weight=200.0
2025-04-09 19:04:10.228 | DEBUG    | __main__:<module>:20 - Iteration 891: Points 927 (cluster 927) and 922 (cluster 922) connect at weight=199.0
2025-04-09 19:04:10.228 | DEBUG    | __main__:<module>:20 - Iteration 892: Points 917 (cluster 917) and 873 (cluster 873) connect at weight=199.0
2025-04-09 19:04:10.228 | DEBUG    | __main__:<module>:20 - Iteration 893: Points 905 (cluster 905) and 914 (cluster 914) connect at weight=199.0
2025-04-09 19:04:10.229 | DEBUG    | __main__:<module>:20 - Iteration 894: Points 901 (cluster 901) and 911 (cluster 911) connect at weight=199.0
2025-04-09 19:04:10.229 | DEBUG    | __main__:<module>:20 - Iteration 895: Points 875 (cluster 875) and 921 (cluster 921) connect at weight=199.0
2025-04-09 19:04:10.229 | DEBUG    | __main__:<module>:20 - Iteration 896: Points 856 (cluster 2889) and 926 (cluster 926) connect at weight=199.0
2025-04-09 19:04:10.229 | DEBUG    | __main__:<module>:20 - Iteration 897: Points 823 (cluster 2890) and 915 (cluster 915) connect at weight=199.0
2025-04-09 19:04:10.229 | DEBUG    | __main__:<module>:20 - Iteration 898: Points 819 (cluster 2896) and 884 (cluster 2888) connect at weight=199.0
2025-04-09 19:04:10.229 | DEBUG    | __main__:<module>:20 - Iteration 899: Points 807 (cluster 2898) and 924 (cluster 924) connect at weight=199.0
2025-04-09 19:04:10.230 | DEBUG    | __main__:<module>:20 - Iteration 900: Points 746 (cluster 2899) and 925 (cluster 925) connect at weight=199.0
2025-04-09 19:04:10.230 | DEBUG    | __main__:<module>:20 - Iteration 901: Points 940 (cluster 940) and 902 (cluster 902) connect at weight=198.0
2025-04-09 19:04:10.230 | DEBUG    | __main__:<module>:20 - Iteration 902: Points 930 (cluster 930) and 928 (cluster 928) connect at weight=198.0
2025-04-09 19:04:10.230 | DEBUG    | __main__:<module>:20 - Iteration 903: Points 919 (cluster 919) and 950 (cluster 950) connect at weight=198.0
2025-04-09 19:04:10.230 | DEBUG    | __main__:<module>:20 - Iteration 904: Points 912 (cluster 912) and 923 (cluster 923) connect at weight=198.0
2025-04-09 19:04:10.231 | DEBUG    | __main__:<module>:20 - Iteration 905: Points 911 (cluster 2894) and 905 (cluster 2893) connect at weight=198.0
2025-04-09 19:04:10.231 | DEBUG    | __main__:<module>:20 - Iteration 906: Points 903 (cluster 903) and 920 (cluster 920) connect at weight=198.0
2025-04-09 19:04:10.231 | DEBUG    | __main__:<module>:20 - Iteration 907: Points 902 (cluster 2901) and 934 (cluster 934) connect at weight=198.0
2025-04-09 19:04:10.231 | DEBUG    | __main__:<module>:20 - Iteration 908: Points 900 (cluster 900) and 918 (cluster 918) connect at weight=198.0
2025-04-09 19:04:10.231 | DEBUG    | __main__:<module>:20 - Iteration 909: Points 892 (cluster 892) and 912 (cluster 2904) connect at weight=198.0
2025-04-09 19:04:10.231 | DEBUG    | __main__:<module>:20 - Iteration 910: Points 889 (cluster 2900) and 897 (cluster 897) connect at weight=198.0
2025-04-09 19:04:10.232 | DEBUG    | __main__:<module>:20 - Iteration 911: Points 883 (cluster 2885) and 899 (cluster 2881) connect at weight=198.0
2025-04-09 19:04:10.232 | DEBUG    | __main__:<module>:20 - Iteration 912: Points 867 (cluster 2863) and 849 (cluster 2870) connect at weight=198.0
2025-04-09 19:04:10.232 | DEBUG    | __main__:<module>:20 - Iteration 913: Points 865 (cluster 865) and 916 (cluster 916) connect at weight=198.0
2025-04-09 19:04:10.232 | DEBUG    | __main__:<module>:20 - Iteration 914: Points 859 (cluster 2911) and 909 (cluster 909) connect at weight=198.0
2025-04-09 19:04:10.232 | DEBUG    | __main__:<module>:20 - Iteration 915: Points 835 (cluster 2897) and 865 (cluster 2913) connect at weight=198.0
2025-04-09 19:04:10.233 | DEBUG    | __main__:<module>:20 - Iteration 916: Points 814 (cluster 2910) and 943 (cluster 943) connect at weight=198.0
2025-04-09 19:04:10.233 | DEBUG    | __main__:<module>:20 - Iteration 917: Points 812 (cluster 2915) and 837 (cluster 2912) connect at weight=198.0
2025-04-09 19:04:10.233 | DEBUG    | __main__:<module>:20 - Iteration 918: Points 604 (cluster 2917) and 932 (cluster 932) connect at weight=198.0
2025-04-09 19:04:10.233 | DEBUG    | __main__:<module>:20 - Iteration 919: Points 956 (cluster 956) and 929 (cluster 929) connect at weight=197.0
2025-04-09 19:04:10.233 | DEBUG    | __main__:<module>:20 - Iteration 920: Points 950 (cluster 2903) and 953 (cluster 953) connect at weight=197.0
2025-04-09 19:04:10.237 | DEBUG    | __main__:<module>:20 - Iteration 921: Points 948 (cluster 948) and 892 (cluster 2909) connect at weight=197.0
2025-04-09 19:04:10.237 | DEBUG    | __main__:<module>:20 - Iteration 922: Points 931 (cluster 931) and 940 (cluster 2907) connect at weight=197.0
2025-04-09 19:04:10.237 | DEBUG    | __main__:<module>:20 - Iteration 923: Points 930 (cluster 2902) and 917 (cluster 2892) connect at weight=197.0
2025-04-09 19:04:10.238 | DEBUG    | __main__:<module>:20 - Iteration 924: Points 927 (cluster 2891) and 963 (cluster 963) connect at weight=197.0
2025-04-09 19:04:10.238 | DEBUG    | __main__:<module>:20 - Iteration 925: Points 924 (cluster 2916) and 966 (cluster 966) connect at weight=197.0
2025-04-09 19:04:10.238 | DEBUG    | __main__:<module>:20 - Iteration 926: Points 920 (cluster 2906) and 927 (cluster 2924) connect at weight=197.0
2025-04-09 19:04:10.238 | DEBUG    | __main__:<module>:20 - Iteration 927: Points 916 (cluster 2918) and 942 (cluster 942) connect at weight=197.0
2025-04-09 19:04:10.238 | DEBUG    | __main__:<module>:20 - Iteration 928: Points 912 (cluster 2921) and 967 (cluster 967) connect at weight=197.0
2025-04-09 19:04:10.238 | DEBUG    | __main__:<module>:20 - Iteration 929: Points 900 (cluster 2908) and 888 (cluster 2868) connect at weight=197.0
2025-04-09 19:04:10.239 | DEBUG    | __main__:<module>:20 - Iteration 930: Points 893 (cluster 2914) and 962 (cluster 962) connect at weight=197.0
2025-04-09 19:04:10.239 | DEBUG    | __main__:<module>:20 - Iteration 931: Points 890 (cluster 2880) and 936 (cluster 936) connect at weight=197.0
2025-04-09 19:04:10.239 | DEBUG    | __main__:<module>:20 - Iteration 932: Points 888 (cluster 2929) and 965 (cluster 965) connect at weight=197.0
2025-04-09 19:04:10.239 | DEBUG    | __main__:<module>:20 - Iteration 933: Points 875 (cluster 2895) and 933 (cluster 933) connect at weight=197.0
2025-04-09 19:04:10.239 | DEBUG    | __main__:<module>:20 - Iteration 934: Points 873 (cluster 2923) and 903 (cluster 2926) connect at weight=197.0
2025-04-09 19:04:10.240 | DEBUG    | __main__:<module>:20 - Iteration 935: Points 868 (cluster 2925) and 862 (cluster 862) connect at weight=197.0
2025-04-09 19:04:10.240 | DEBUG    | __main__:<module>:20 - Iteration 936: Points 865 (cluster 2927) and 938 (cluster 938) connect at weight=197.0
2025-04-09 19:04:10.240 | DEBUG    | __main__:<module>:20 - Iteration 937: Points 846 (cluster 2936) and 957 (cluster 957) connect at weight=197.0
2025-04-09 19:04:10.240 | DEBUG    | __main__:<module>:20 - Iteration 938: Points 835 (cluster 2937) and 954 (cluster 954) connect at weight=197.0
2025-04-09 19:04:10.240 | DEBUG    | __main__:<module>:20 - Iteration 939: Points 982 (cluster 982) and 980 (cluster 980) connect at weight=196.0
2025-04-09 19:04:10.241 | DEBUG    | __main__:<module>:20 - Iteration 940: Points 965 (cluster 2932) and 975 (cluster 975) connect at weight=196.0
2025-04-09 19:04:10.241 | DEBUG    | __main__:<module>:20 - Iteration 941: Points 965 (cluster 2940) and 959 (cluster 959) connect at weight=196.0
2025-04-09 19:04:10.241 | DEBUG    | __main__:<module>:20 - Iteration 942: Points 964 (cluster 964) and 945 (cluster 945) connect at weight=196.0
2025-04-09 19:04:10.241 | DEBUG    | __main__:<module>:20 - Iteration 943: Points 963 (cluster 2934) and 961 (cluster 961) connect at weight=196.0
2025-04-09 19:04:10.241 | DEBUG    | __main__:<module>:20 - Iteration 944: Points 961 (cluster 2943) and 900 (cluster 2941) connect at weight=196.0
2025-04-09 19:04:10.242 | DEBUG    | __main__:<module>:20 - Iteration 945: Points 960 (cluster 960) and 976 (cluster 976) connect at weight=196.0
2025-04-09 19:04:10.242 | DEBUG    | __main__:<module>:20 - Iteration 946: Points 958 (cluster 958) and 931 (cluster 2922) connect at weight=196.0
2025-04-09 19:04:10.242 | DEBUG    | __main__:<module>:20 - Iteration 947: Points 945 (cluster 2942) and 919 (cluster 2920) connect at weight=196.0
2025-04-09 19:04:10.242 | DEBUG    | __main__:<module>:20 - Iteration 948: Points 944 (cluster 944) and 947 (cluster 947) connect at weight=196.0
2025-04-09 19:04:10.242 | DEBUG    | __main__:<module>:20 - Iteration 949: Points 942 (cluster 2938) and 956 (cluster 2919) connect at weight=196.0
2025-04-09 19:04:10.242 | DEBUG    | __main__:<module>:20 - Iteration 950: Points 939 (cluster 939) and 935 (cluster 935) connect at weight=196.0
2025-04-09 19:04:10.243 | DEBUG    | __main__:<module>:20 - Iteration 951: Points 936 (cluster 2931) and 939 (cluster 2950) connect at weight=196.0
2025-04-09 19:04:10.243 | DEBUG    | __main__:<module>:20 - Iteration 952: Points 935 (cluster 2951) and 958 (cluster 2946) connect at weight=196.0
2025-04-09 19:04:10.243 | DEBUG    | __main__:<module>:20 - Iteration 953: Points 929 (cluster 2949) and 973 (cluster 973) connect at weight=196.0
2025-04-09 19:04:10.243 | DEBUG    | __main__:<module>:20 - Iteration 954: Points 929 (cluster 2953) and 875 (cluster 2933) connect at weight=196.0
2025-04-09 19:04:10.243 | DEBUG    | __main__:<module>:20 - Iteration 955: Points 910 (cluster 2935) and 974 (cluster 974) connect at weight=196.0
2025-04-09 19:04:10.244 | DEBUG    | __main__:<module>:20 - Iteration 956: Points 905 (cluster 2905) and 949 (cluster 949) connect at weight=196.0
2025-04-09 19:04:10.244 | DEBUG    | __main__:<module>:20 - Iteration 957: Points 902 (cluster 2952) and 955 (cluster 955) connect at weight=196.0
2025-04-09 19:04:10.244 | DEBUG    | __main__:<module>:20 - Iteration 958: Points 897 (cluster 2955) and 859 (cluster 2930) connect at weight=196.0
2025-04-09 19:04:10.244 | DEBUG    | __main__:<module>:20 - Iteration 959: Points 868 (cluster 2958) and 941 (cluster 941) connect at weight=196.0
2025-04-09 19:04:10.244 | DEBUG    | __main__:<module>:20 - Iteration 960: Points 865 (cluster 2954) and 971 (cluster 971) connect at weight=196.0
2025-04-09 19:04:10.244 | DEBUG    | __main__:<module>:20 - Iteration 961: Points 862 (cluster 2959) and 952 (cluster 952) connect at weight=196.0
2025-04-09 19:04:10.245 | DEBUG    | __main__:<module>:20 - Iteration 962: Points 627 (cluster 2961) and 970 (cluster 970) connect at weight=196.0
2025-04-09 19:04:10.245 | DEBUG    | __main__:<module>:20 - Iteration 963: Points 626 (cluster 2962) and 981 (cluster 981) connect at weight=196.0
2025-04-09 19:04:10.245 | DEBUG    | __main__:<module>:20 - Iteration 964: Points 989 (cluster 989) and 969 (cluster 969) connect at weight=195.0
2025-04-09 19:04:10.245 | DEBUG    | __main__:<module>:20 - Iteration 965: Points 971 (cluster 2960) and 982 (cluster 2939) connect at weight=195.0
2025-04-09 19:04:10.245 | DEBUG    | __main__:<module>:20 - Iteration 966: Points 967 (cluster 2928) and 930 (cluster 2944) connect at weight=195.0
2025-04-09 19:04:10.246 | DEBUG    | __main__:<module>:20 - Iteration 967: Points 953 (cluster 2947) and 901 (cluster 2956) connect at weight=195.0
2025-04-09 19:04:10.246 | DEBUG    | __main__:<module>:20 - Iteration 968: Points 952 (cluster 2963) and 977 (cluster 977) connect at weight=195.0
2025-04-09 19:04:10.246 | DEBUG    | __main__:<module>:20 - Iteration 969: Points 952 (cluster 2968) and 948 (cluster 2966) connect at weight=195.0
2025-04-09 19:04:10.246 | DEBUG    | __main__:<module>:20 - Iteration 970: Points 951 (cluster 951) and 986 (cluster 986) connect at weight=195.0
2025-04-09 19:04:10.246 | DEBUG    | __main__:<module>:20 - Iteration 971: Points 948 (cluster 2969) and 991 (cluster 991) connect at weight=195.0
2025-04-09 19:04:10.247 | DEBUG    | __main__:<module>:20 - Iteration 972: Points 937 (cluster 937) and 990 (cluster 990) connect at weight=195.0
2025-04-09 19:04:10.247 | DEBUG    | __main__:<module>:20 - Iteration 973: Points 937 (cluster 2972) and 944 (cluster 2948) connect at weight=195.0
2025-04-09 19:04:10.247 | DEBUG    | __main__:<module>:20 - Iteration 974: Points 896 (cluster 2965) and 983 (cluster 983) connect at weight=195.0
2025-04-09 19:04:10.247 | DEBUG    | __main__:<module>:20 - Iteration 975: Points 896 (cluster 2974) and 946 (cluster 946) connect at weight=195.0
2025-04-09 19:04:10.247 | DEBUG    | __main__:<module>:20 - Iteration 976: Points 835 (cluster 2975) and 985 (cluster 985) connect at weight=195.0
2025-04-09 19:04:10.247 | DEBUG    | __main__:<module>:20 - Iteration 977: Points 758 (cluster 2976) and 992 (cluster 992) connect at weight=195.0
2025-04-09 19:04:10.248 | DEBUG    | __main__:<module>:20 - Iteration 978: Points 1012 (cluster 1012) and 999 (cluster 999) connect at weight=194.0
2025-04-09 19:04:10.248 | DEBUG    | __main__:<module>:20 - Iteration 979: Points 1010 (cluster 1010) and 994 (cluster 994) connect at weight=194.0
2025-04-09 19:04:10.248 | DEBUG    | __main__:<module>:20 - Iteration 980: Points 1003 (cluster 1003) and 960 (cluster 2945) connect at weight=194.0
2025-04-09 19:04:10.248 | DEBUG    | __main__:<module>:20 - Iteration 981: Points 988 (cluster 988) and 1006 (cluster 1006) connect at weight=194.0
2025-04-09 19:04:10.248 | DEBUG    | __main__:<module>:20 - Iteration 982: Points 986 (cluster 2970) and 1008 (cluster 1008) connect at weight=194.0
2025-04-09 19:04:10.249 | DEBUG    | __main__:<module>:20 - Iteration 983: Points 973 (cluster 2977) and 997 (cluster 997) connect at weight=194.0
2025-04-09 19:04:10.249 | DEBUG    | __main__:<module>:20 - Iteration 984: Points 968 (cluster 968) and 964 (cluster 2967) connect at weight=194.0
2025-04-09 19:04:10.249 | DEBUG    | __main__:<module>:20 - Iteration 985: Points 963 (cluster 2971) and 987 (cluster 987) connect at weight=194.0
2025-04-09 19:04:10.249 | DEBUG    | __main__:<module>:20 - Iteration 986: Points 960 (cluster 2980) and 1009 (cluster 1009) connect at weight=194.0
2025-04-09 19:04:10.249 | DEBUG    | __main__:<module>:20 - Iteration 987: Points 956 (cluster 2983) and 1002 (cluster 1002) connect at weight=194.0
2025-04-09 19:04:10.249 | DEBUG    | __main__:<module>:20 - Iteration 988: Points 933 (cluster 2987) and 968 (cluster 2984) connect at weight=194.0
2025-04-09 19:04:10.250 | DEBUG    | __main__:<module>:20 - Iteration 989: Points 927 (cluster 2985) and 972 (cluster 972) connect at weight=194.0
2025-04-09 19:04:10.250 | DEBUG    | __main__:<module>:20 - Iteration 990: Points 907 (cluster 2989) and 1005 (cluster 1005) connect at weight=194.0
2025-04-09 19:04:10.250 | DEBUG    | __main__:<module>:20 - Iteration 991: Points 907 (cluster 2990) and 984 (cluster 984) connect at weight=194.0
2025-04-09 19:04:10.250 | DEBUG    | __main__:<module>:20 - Iteration 992: Points 895 (cluster 2988) and 995 (cluster 995) connect at weight=194.0
2025-04-09 19:04:10.250 | DEBUG    | __main__:<module>:20 - Iteration 993: Points 849 (cluster 2992) and 978 (cluster 978) connect at weight=194.0
2025-04-09 19:04:10.251 | DEBUG    | __main__:<module>:20 - Iteration 994: Points 843 (cluster 2991) and 979 (cluster 979) connect at weight=194.0
2025-04-09 19:04:10.251 | DEBUG    | __main__:<module>:20 - Iteration 995: Points 1024 (cluster 1024) and 989 (cluster 2964) connect at weight=193.0
2025-04-09 19:04:10.251 | DEBUG    | __main__:<module>:20 - Iteration 996: Points 1022 (cluster 1022) and 1018 (cluster 1018) connect at weight=193.0
2025-04-09 19:04:10.251 | DEBUG    | __main__:<module>:20 - Iteration 997: Points 1012 (cluster 2978) and 1023 (cluster 1023) connect at weight=193.0
2025-04-09 19:04:10.251 | DEBUG    | __main__:<module>:20 - Iteration 998: Points 1010 (cluster 2979) and 1001 (cluster 1001) connect at weight=193.0
2025-04-09 19:04:10.252 | DEBUG    | __main__:<module>:20 - Iteration 999: Points 1009 (cluster 2986) and 1034 (cluster 1034) connect at weight=193.0
2025-04-09 19:04:10.252 | DEBUG    | __main__:<module>:20 - Iteration 1000: Points 1006 (cluster 2981) and 993 (cluster 993) connect at weight=193.0
2025-04-09 19:04:10.252 | DEBUG    | __main__:<module>:20 - Iteration 1001: Points 1004 (cluster 1004) and 1028 (cluster 1028) connect at weight=193.0
2025-04-09 19:04:10.252 | DEBUG    | __main__:<module>:20 - Iteration 1002: Points 1002 (cluster 2993) and 1026 (cluster 1026) connect at weight=193.0
2025-04-09 19:04:10.252 | DEBUG    | __main__:<module>:20 - Iteration 1003: Points 1001 (cluster 2998) and 988 (cluster 3000) connect at weight=193.0
2025-04-09 19:04:10.252 | DEBUG    | __main__:<module>:20 - Iteration 1004: Points 1000 (cluster 1000) and 1016 (cluster 1016) connect at weight=193.0
2025-04-09 19:04:10.253 | DEBUG    | __main__:<module>:20 - Iteration 1005: Points 997 (cluster 3002) and 1031 (cluster 1031) connect at weight=193.0
2025-04-09 19:04:10.253 | DEBUG    | __main__:<module>:20 - Iteration 1006: Points 993 (cluster 3003) and 1022 (cluster 2996) connect at weight=193.0
2025-04-09 19:04:10.253 | DEBUG    | __main__:<module>:20 - Iteration 1007: Points 991 (cluster 2994) and 1014 (cluster 1014) connect at weight=193.0
2025-04-09 19:04:10.253 | DEBUG    | __main__:<module>:20 - Iteration 1008: Points 990 (cluster 2973) and 996 (cluster 996) connect at weight=193.0
2025-04-09 19:04:10.253 | DEBUG    | __main__:<module>:20 - Iteration 1009: Points 984 (cluster 3007) and 1013 (cluster 1013) connect at weight=193.0
2025-04-09 19:04:10.254 | DEBUG    | __main__:<module>:20 - Iteration 1010: Points 984 (cluster 3009) and 1007 (cluster 1007) connect at weight=193.0
2025-04-09 19:04:10.254 | DEBUG    | __main__:<module>:20 - Iteration 1011: Points 967 (cluster 3010) and 1030 (cluster 1030) connect at weight=193.0
2025-04-09 19:04:10.254 | DEBUG    | __main__:<module>:20 - Iteration 1012: Points 962 (cluster 3011) and 1021 (cluster 1021) connect at weight=193.0
2025-04-09 19:04:10.254 | DEBUG    | __main__:<module>:20 - Iteration 1013: Points 949 (cluster 3005) and 906 (cluster 2957) connect at weight=193.0
2025-04-09 19:04:10.254 | DEBUG    | __main__:<module>:20 - Iteration 1014: Points 946 (cluster 3013) and 1029 (cluster 1029) connect at weight=193.0
2025-04-09 19:04:10.254 | DEBUG    | __main__:<module>:20 - Iteration 1015: Points 880 (cluster 3012) and 998 (cluster 998) connect at weight=193.0
2025-04-09 19:04:10.255 | DEBUG    | __main__:<module>:20 - Iteration 1016: Points 754 (cluster 3014) and 1015 (cluster 1015) connect at weight=193.0
2025-04-09 19:04:10.255 | DEBUG    | __main__:<module>:20 - Iteration 1017: Points 568 (cluster 3016) and 1025 (cluster 1025) connect at weight=193.0
2025-04-09 19:04:10.255 | DEBUG    | __main__:<module>:20 - Iteration 1018: Points 1051 (cluster 1051) and 1042 (cluster 1042) connect at weight=192.0
2025-04-09 19:04:10.255 | DEBUG    | __main__:<module>:20 - Iteration 1019: Points 1051 (cluster 3018) and 1040 (cluster 1040) connect at weight=192.0
2025-04-09 19:04:10.255 | DEBUG    | __main__:<module>:20 - Iteration 1020: Points 1043 (cluster 1043) and 1012 (cluster 2997) connect at weight=192.0
2025-04-09 19:04:10.256 | DEBUG    | __main__:<module>:20 - Iteration 1021: Points 1031 (cluster 3017) and 1037 (cluster 1037) connect at weight=192.0
2025-04-09 19:04:10.256 | DEBUG    | __main__:<module>:20 - Iteration 1022: Points 1023 (cluster 3020) and 1033 (cluster 1033) connect at weight=192.0
2025-04-09 19:04:10.256 | DEBUG    | __main__:<module>:20 - Iteration 1023: Points 1016 (cluster 3004) and 1043 (cluster 3022) connect at weight=192.0
2025-04-09 19:04:10.256 | DEBUG    | __main__:<module>:20 - Iteration 1024: Points 1010 (cluster 3006) and 1036 (cluster 1036) connect at weight=192.0
2025-04-09 19:04:10.256 | DEBUG    | __main__:<module>:20 - Iteration 1025: Points 998 (cluster 3015) and 1032 (cluster 1032) connect at weight=192.0
2025-04-09 19:04:10.257 | DEBUG    | __main__:<module>:20 - Iteration 1026: Points 991 (cluster 3025) and 1050 (cluster 1050) connect at weight=192.0
2025-04-09 19:04:10.257 | DEBUG    | __main__:<module>:20 - Iteration 1027: Points 984 (cluster 3026) and 1038 (cluster 1038) connect at weight=192.0
2025-04-09 19:04:10.257 | DEBUG    | __main__:<module>:20 - Iteration 1028: Points 982 (cluster 3021) and 1044 (cluster 1044) connect at weight=192.0
2025-04-09 19:04:10.257 | DEBUG    | __main__:<module>:20 - Iteration 1029: Points 976 (cluster 2999) and 951 (cluster 2982) connect at weight=192.0
2025-04-09 19:04:10.257 | DEBUG    | __main__:<module>:20 - Iteration 1030: Points 955 (cluster 3028) and 1052 (cluster 1052) connect at weight=192.0
2025-04-09 19:04:10.258 | DEBUG    | __main__:<module>:20 - Iteration 1031: Points 953 (cluster 3030) and 1048 (cluster 1048) connect at weight=192.0
2025-04-09 19:04:10.258 | DEBUG    | __main__:<module>:20 - Iteration 1032: Points 951 (cluster 3029) and 1041 (cluster 1041) connect at weight=192.0
2025-04-09 19:04:10.258 | DEBUG    | __main__:<module>:20 - Iteration 1033: Points 951 (cluster 3032) and 1027 (cluster 1027) connect at weight=192.0
2025-04-09 19:04:10.258 | DEBUG    | __main__:<module>:20 - Iteration 1034: Points 946 (cluster 3031) and 1047 (cluster 1047) connect at weight=192.0
2025-04-09 19:04:10.259 | DEBUG    | __main__:<module>:20 - Iteration 1035: Points 926 (cluster 3027) and 1045 (cluster 1045) connect at weight=192.0
2025-04-09 19:04:10.259 | DEBUG    | __main__:<module>:20 - Iteration 1036: Points 832 (cluster 3035) and 1039 (cluster 1039) connect at weight=192.0
2025-04-09 19:04:10.259 | DEBUG    | __main__:<module>:20 - Iteration 1037: Points 1073 (cluster 1073) and 1070 (cluster 1070) connect at weight=191.0
2025-04-09 19:04:10.259 | DEBUG    | __main__:<module>:20 - Iteration 1038: Points 1068 (cluster 1068) and 1066 (cluster 1066) connect at weight=191.0
2025-04-09 19:04:10.259 | DEBUG    | __main__:<module>:20 - Iteration 1039: Points 1060 (cluster 1060) and 1054 (cluster 1054) connect at weight=191.0
2025-04-09 19:04:10.259 | DEBUG    | __main__:<module>:20 - Iteration 1040: Points 1057 (cluster 1057) and 1055 (cluster 1055) connect at weight=191.0
2025-04-09 19:04:10.260 | DEBUG    | __main__:<module>:20 - Iteration 1041: Points 1052 (cluster 3034) and 1010 (cluster 3024) connect at weight=191.0
2025-04-09 19:04:10.260 | DEBUG    | __main__:<module>:20 - Iteration 1042: Points 1049 (cluster 1049) and 1069 (cluster 1069) connect at weight=191.0
2025-04-09 19:04:10.260 | DEBUG    | __main__:<module>:20 - Iteration 1043: Points 1049 (cluster 3042) and 1035 (cluster 1035) connect at weight=191.0
2025-04-09 19:04:10.260 | DEBUG    | __main__:<module>:20 - Iteration 1044: Points 1049 (cluster 3043) and 1003 (cluster 3033) connect at weight=191.0
2025-04-09 19:04:10.260 | DEBUG    | __main__:<module>:20 - Iteration 1045: Points 1047 (cluster 3041) and 1062 (cluster 1062) connect at weight=191.0
2025-04-09 19:04:10.261 | DEBUG    | __main__:<module>:20 - Iteration 1046: Points 1041 (cluster 3044) and 1071 (cluster 1071) connect at weight=191.0
2025-04-09 19:04:10.261 | DEBUG    | __main__:<module>:20 - Iteration 1047: Points 1038 (cluster 3036) and 1068 (cluster 3038) connect at weight=191.0
2025-04-09 19:04:10.261 | DEBUG    | __main__:<module>:20 - Iteration 1048: Points 1038 (cluster 3047) and 1056 (cluster 1056) connect at weight=191.0
2025-04-09 19:04:10.261 | DEBUG    | __main__:<module>:20 - Iteration 1049: Points 1034 (cluster 3046) and 1060 (cluster 3039) connect at weight=191.0
2025-04-09 19:04:10.261 | DEBUG    | __main__:<module>:20 - Iteration 1050: Points 1032 (cluster 3048) and 1073 (cluster 3037) connect at weight=191.0
2025-04-09 19:04:10.261 | DEBUG    | __main__:<module>:20 - Iteration 1051: Points 1032 (cluster 3050) and 1067 (cluster 1067) connect at weight=191.0
2025-04-09 19:04:10.262 | DEBUG    | __main__:<module>:20 - Iteration 1052: Points 1032 (cluster 3051) and 1011 (cluster 1011) connect at weight=191.0
2025-04-09 19:04:10.262 | DEBUG    | __main__:<module>:20 - Iteration 1053: Points 1028 (cluster 3001) and 1020 (cluster 1020) connect at weight=191.0
2025-04-09 19:04:10.262 | DEBUG    | __main__:<module>:20 - Iteration 1054: Points 1024 (cluster 2995) and 1072 (cluster 1072) connect at weight=191.0
2025-04-09 19:04:10.262 | DEBUG    | __main__:<module>:20 - Iteration 1055: Points 1023 (cluster 3023) and 1057 (cluster 3040) connect at weight=191.0
2025-04-09 19:04:10.262 | DEBUG    | __main__:<module>:20 - Iteration 1056: Points 1022 (cluster 3045) and 1053 (cluster 1053) connect at weight=191.0
2025-04-09 19:04:10.263 | DEBUG    | __main__:<module>:20 - Iteration 1057: Points 1022 (cluster 3056) and 1046 (cluster 1046) connect at weight=191.0
2025-04-09 19:04:10.263 | DEBUG    | __main__:<module>:20 - Iteration 1058: Points 1019 (cluster 1019) and 937 (cluster 3008) connect at weight=191.0
2025-04-09 19:04:10.263 | DEBUG    | __main__:<module>:20 - Iteration 1059: Points 1007 (cluster 3052) and 1017 (cluster 1017) connect at weight=191.0
2025-04-09 19:04:10.263 | DEBUG    | __main__:<module>:20 - Iteration 1060: Points 1000 (cluster 3055) and 1074 (cluster 1074) connect at weight=191.0
2025-04-09 19:04:10.263 | DEBUG    | __main__:<module>:20 - Iteration 1061: Points 996 (cluster 3058) and 1064 (cluster 1064) connect at weight=191.0
2025-04-09 19:04:10.263 | DEBUG    | __main__:<module>:20 - Iteration 1062: Points 959 (cluster 3059) and 1059 (cluster 1059) connect at weight=191.0
2025-04-09 19:04:10.264 | DEBUG    | __main__:<module>:20 - Iteration 1063: Points 947 (cluster 3061) and 1051 (cluster 3019) connect at weight=191.0
2025-04-09 19:04:10.264 | DEBUG    | __main__:<module>:20 - Iteration 1064: Points 933 (cluster 3057) and 1063 (cluster 1063) connect at weight=191.0
2025-04-09 19:04:10.264 | DEBUG    | __main__:<module>:20 - Iteration 1065: Points 930 (cluster 3062) and 1065 (cluster 1065) connect at weight=191.0
2025-04-09 19:04:10.264 | DEBUG    | __main__:<module>:20 - Iteration 1066: Points 1073 (cluster 3065) and 1075 (cluster 1075) connect at weight=190.0
2025-04-09 19:04:10.264 | DEBUG    | __main__:<module>:20 - Iteration 1067: Points 1061 (cluster 1061) and 1078 (cluster 1078) connect at weight=190.0
2025-04-09 19:04:10.265 | DEBUG    | __main__:<module>:20 - Iteration 1068: Points 1060 (cluster 3049) and 1087 (cluster 1087) connect at weight=190.0
2025-04-09 19:04:10.265 | DEBUG    | __main__:<module>:20 - Iteration 1069: Points 1046 (cluster 3064) and 1083 (cluster 1083) connect at weight=190.0
2025-04-09 19:04:10.265 | DEBUG    | __main__:<module>:20 - Iteration 1070: Points 1041 (cluster 3068) and 1091 (cluster 1091) connect at weight=190.0
2025-04-09 19:04:10.265 | DEBUG    | __main__:<module>:20 - Iteration 1071: Points 1035 (cluster 3070) and 1058 (cluster 1058) connect at weight=190.0
2025-04-09 19:04:10.265 | DEBUG    | __main__:<module>:20 - Iteration 1072: Points 1030 (cluster 3066) and 1077 (cluster 1077) connect at weight=190.0
2025-04-09 19:04:10.266 | DEBUG    | __main__:<module>:20 - Iteration 1073: Points 1026 (cluster 3069) and 1090 (cluster 1090) connect at weight=190.0
2025-04-09 19:04:10.266 | DEBUG    | __main__:<module>:20 - Iteration 1074: Points 1020 (cluster 3053) and 1089 (cluster 1089) connect at weight=190.0
2025-04-09 19:04:10.266 | DEBUG    | __main__:<module>:20 - Iteration 1075: Points 1011 (cluster 3072) and 1061 (cluster 3067) connect at weight=190.0
2025-04-09 19:04:10.266 | DEBUG    | __main__:<module>:20 - Iteration 1076: Points 969 (cluster 3054) and 1019 (cluster 3063) connect at weight=190.0
2025-04-09 19:04:10.266 | DEBUG    | __main__:<module>:20 - Iteration 1077: Points 957 (cluster 3073) and 1076 (cluster 1076) connect at weight=190.0
2025-04-09 19:04:10.266 | DEBUG    | __main__:<module>:20 - Iteration 1078: Points 947 (cluster 3076) and 1085 (cluster 1085) connect at weight=190.0
2025-04-09 19:04:10.267 | DEBUG    | __main__:<module>:20 - Iteration 1079: Points 941 (cluster 3075) and 1081 (cluster 1081) connect at weight=190.0
2025-04-09 19:04:10.267 | DEBUG    | __main__:<module>:20 - Iteration 1080: Points 848 (cluster 3079) and 1079 (cluster 1079) connect at weight=190.0
2025-04-09 19:04:10.267 | DEBUG    | __main__:<module>:20 - Iteration 1081: Points 527 (cluster 3077) and 1082 (cluster 1082) connect at weight=190.0
2025-04-09 19:04:10.267 | DEBUG    | __main__:<module>:20 - Iteration 1082: Points 1099 (cluster 1099) and 1096 (cluster 1096) connect at weight=189.0
2025-04-09 19:04:10.267 | DEBUG    | __main__:<module>:20 - Iteration 1083: Points 1091 (cluster 3071) and 1094 (cluster 1094) connect at weight=189.0
2025-04-09 19:04:10.267 | DEBUG    | __main__:<module>:20 - Iteration 1084: Points 1088 (cluster 1088) and 1024 (cluster 3078) connect at weight=189.0
2025-04-09 19:04:10.268 | DEBUG    | __main__:<module>:20 - Iteration 1085: Points 1087 (cluster 3083) and 1095 (cluster 1095) connect at weight=189.0
2025-04-09 19:04:10.268 | DEBUG    | __main__:<module>:20 - Iteration 1086: Points 1056 (cluster 3080) and 1100 (cluster 1100) connect at weight=189.0
2025-04-09 19:04:10.268 | DEBUG    | __main__:<module>:20 - Iteration 1087: Points 1051 (cluster 3084) and 1080 (cluster 1080) connect at weight=189.0
2025-04-09 19:04:10.268 | DEBUG    | __main__:<module>:20 - Iteration 1088: Points 1047 (cluster 3081) and 1093 (cluster 1093) connect at weight=189.0
2025-04-09 19:04:10.268 | DEBUG    | __main__:<module>:20 - Iteration 1089: Points 1020 (cluster 3074) and 1084 (cluster 1084) connect at weight=189.0
2025-04-09 19:04:10.269 | DEBUG    | __main__:<module>:20 - Iteration 1090: Points 1017 (cluster 3086) and 1000 (cluster 3060) connect at weight=189.0
2025-04-09 19:04:10.269 | DEBUG    | __main__:<module>:20 - Iteration 1091: Points 946 (cluster 3088) and 1086 (cluster 1086) connect at weight=189.0
2025-04-09 19:04:10.269 | DEBUG    | __main__:<module>:20 - Iteration 1092: Points 1109 (cluster 1109) and 1106 (cluster 1106) connect at weight=188.0
2025-04-09 19:04:10.269 | DEBUG    | __main__:<module>:20 - Iteration 1093: Points 1093 (cluster 3091) and 1101 (cluster 1101) connect at weight=188.0
2025-04-09 19:04:10.269 | DEBUG    | __main__:<module>:20 - Iteration 1094: Points 1085 (cluster 3087) and 1107 (cluster 1107) connect at weight=188.0
2025-04-09 19:04:10.269 | DEBUG    | __main__:<module>:20 - Iteration 1095: Points 1084 (cluster 3089) and 1111 (cluster 1111) connect at weight=188.0
2025-04-09 19:04:10.270 | DEBUG    | __main__:<module>:20 - Iteration 1096: Points 1071 (cluster 3085) and 1088 (cluster 3094) connect at weight=188.0
2025-04-09 19:04:10.270 | DEBUG    | __main__:<module>:20 - Iteration 1097: Points 1068 (cluster 3090) and 1099 (cluster 3082) connect at weight=188.0
2025-04-09 19:04:10.270 | DEBUG    | __main__:<module>:20 - Iteration 1098: Points 1062 (cluster 3093) and 1112 (cluster 1112) connect at weight=188.0
2025-04-09 19:04:10.270 | DEBUG    | __main__:<module>:20 - Iteration 1099: Points 1062 (cluster 3098) and 1097 (cluster 1097) connect at weight=188.0
2025-04-09 19:04:10.270 | DEBUG    | __main__:<module>:20 - Iteration 1100: Points 1043 (cluster 3097) and 1102 (cluster 1102) connect at weight=188.0
2025-04-09 19:04:10.271 | DEBUG    | __main__:<module>:20 - Iteration 1101: Points 983 (cluster 3099) and 1104 (cluster 1104) connect at weight=188.0
2025-04-09 19:04:10.271 | DEBUG    | __main__:<module>:20 - Iteration 1102: Points 811 (cluster 3101) and 1103 (cluster 1103) connect at weight=188.0
2025-04-09 19:04:10.271 | DEBUG    | __main__:<module>:20 - Iteration 1103: Points 1120 (cluster 1120) and 1113 (cluster 1113) connect at weight=187.0
2025-04-09 19:04:10.271 | DEBUG    | __main__:<module>:20 - Iteration 1104: Points 1109 (cluster 3092) and 1049 (cluster 3096) connect at weight=187.0
2025-04-09 19:04:10.271 | DEBUG    | __main__:<module>:20 - Iteration 1105: Points 1100 (cluster 3100) and 1114 (cluster 1114) connect at weight=187.0
2025-04-09 19:04:10.271 | DEBUG    | __main__:<module>:20 - Iteration 1106: Points 1099 (cluster 3105) and 1117 (cluster 1117) connect at weight=187.0
2025-04-09 19:04:10.272 | DEBUG    | __main__:<module>:20 - Iteration 1107: Points 1097 (cluster 3102) and 1109 (cluster 3104) connect at weight=187.0
2025-04-09 19:04:10.272 | DEBUG    | __main__:<module>:20 - Iteration 1108: Points 1083 (cluster 3107) and 1122 (cluster 1122) connect at weight=187.0
2025-04-09 19:04:10.272 | DEBUG    | __main__:<module>:20 - Iteration 1109: Points 1052 (cluster 3108) and 1119 (cluster 1119) connect at weight=187.0
2025-04-09 19:04:10.272 | DEBUG    | __main__:<module>:20 - Iteration 1110: Points 976 (cluster 3109) and 1092 (cluster 1092) connect at weight=187.0
2025-04-09 19:04:10.272 | DEBUG    | __main__:<module>:20 - Iteration 1111: Points 949 (cluster 3110) and 1118 (cluster 1118) connect at weight=187.0
2025-04-09 19:04:10.272 | DEBUG    | __main__:<module>:20 - Iteration 1112: Points 939 (cluster 3111) and 1108 (cluster 1108) connect at weight=187.0
2025-04-09 19:04:10.273 | DEBUG    | __main__:<module>:20 - Iteration 1113: Points 1121 (cluster 1121) and 1128 (cluster 1128) connect at weight=186.0
2025-04-09 19:04:10.273 | DEBUG    | __main__:<module>:20 - Iteration 1114: Points 1120 (cluster 3103) and 1123 (cluster 1123) connect at weight=186.0
2025-04-09 19:04:10.273 | DEBUG    | __main__:<module>:20 - Iteration 1115: Points 1113 (cluster 3114) and 1124 (cluster 1124) connect at weight=186.0
2025-04-09 19:04:10.273 | DEBUG    | __main__:<module>:20 - Iteration 1116: Points 1111 (cluster 3095) and 1133 (cluster 1133) connect at weight=186.0
2025-04-09 19:04:10.273 | DEBUG    | __main__:<module>:20 - Iteration 1117: Points 1110 (cluster 1110) and 1129 (cluster 1129) connect at weight=186.0
2025-04-09 19:04:10.274 | DEBUG    | __main__:<module>:20 - Iteration 1118: Points 1098 (cluster 1098) and 1135 (cluster 1135) connect at weight=186.0
2025-04-09 19:04:10.274 | DEBUG    | __main__:<module>:20 - Iteration 1119: Points 1083 (cluster 3112) and 1125 (cluster 1125) connect at weight=186.0
2025-04-09 19:04:10.274 | DEBUG    | __main__:<module>:20 - Iteration 1120: Points 1080 (cluster 3119) and 1126 (cluster 1126) connect at weight=186.0
2025-04-09 19:04:10.274 | DEBUG    | __main__:<module>:20 - Iteration 1121: Points 1057 (cluster 3106) and 1139 (cluster 1139) connect at weight=186.0
2025-04-09 19:04:10.274 | DEBUG    | __main__:<module>:20 - Iteration 1122: Points 1057 (cluster 3121) and 1132 (cluster 1132) connect at weight=186.0
2025-04-09 19:04:10.274 | DEBUG    | __main__:<module>:20 - Iteration 1123: Points 877 (cluster 3122) and 1141 (cluster 1141) connect at weight=186.0
2025-04-09 19:04:10.275 | DEBUG    | __main__:<module>:20 - Iteration 1124: Points 717 (cluster 3123) and 1137 (cluster 1137) connect at weight=186.0
2025-04-09 19:04:10.275 | DEBUG    | __main__:<module>:20 - Iteration 1125: Points 547 (cluster 3124) and 1136 (cluster 1136) connect at weight=186.0
2025-04-09 19:04:10.275 | DEBUG    | __main__:<module>:20 - Iteration 1126: Points 1146 (cluster 1146) and 1121 (cluster 3113) connect at weight=185.0
2025-04-09 19:04:10.275 | DEBUG    | __main__:<module>:20 - Iteration 1127: Points 1134 (cluster 1134) and 1130 (cluster 1130) connect at weight=185.0
2025-04-09 19:04:10.275 | DEBUG    | __main__:<module>:20 - Iteration 1128: Points 1132 (cluster 3125) and 1150 (cluster 1150) connect at weight=185.0
2025-04-09 19:04:10.276 | DEBUG    | __main__:<module>:20 - Iteration 1129: Points 1129 (cluster 3117) and 1144 (cluster 1144) connect at weight=185.0
2025-04-09 19:04:10.277 | DEBUG    | __main__:<module>:20 - Iteration 1130: Points 1116 (cluster 1116) and 1105 (cluster 1105) connect at weight=185.0
2025-04-09 19:04:10.277 | DEBUG    | __main__:<module>:20 - Iteration 1131: Points 1115 (cluster 1115) and 1110 (cluster 3129) connect at weight=185.0
2025-04-09 19:04:10.277 | DEBUG    | __main__:<module>:20 - Iteration 1132: Points 1109 (cluster 3120) and 1131 (cluster 1131) connect at weight=185.0
2025-04-09 19:04:10.277 | DEBUG    | __main__:<module>:20 - Iteration 1133: Points 1089 (cluster 3116) and 1152 (cluster 1152) connect at weight=185.0
2025-04-09 19:04:10.277 | DEBUG    | __main__:<module>:20 - Iteration 1134: Points 1078 (cluster 3128) and 1004 (cluster 3133) connect at weight=185.0
2025-04-09 19:04:10.277 | DEBUG    | __main__:<module>:20 - Iteration 1135: Points 1052 (cluster 3132) and 1145 (cluster 1145) connect at weight=185.0
2025-04-09 19:04:10.278 | DEBUG    | __main__:<module>:20 - Iteration 1136: Points 1149 (cluster 1149) and 1142 (cluster 1142) connect at weight=184.0
2025-04-09 19:04:10.278 | DEBUG    | __main__:<module>:20 - Iteration 1137: Points 1147 (cluster 1147) and 1154 (cluster 1154) connect at weight=184.0
2025-04-09 19:04:10.278 | DEBUG    | __main__:<module>:20 - Iteration 1138: Points 1144 (cluster 3131) and 1155 (cluster 1155) connect at weight=184.0
2025-04-09 19:04:10.278 | DEBUG    | __main__:<module>:20 - Iteration 1139: Points 1140 (cluster 1140) and 1148 (cluster 1148) connect at weight=184.0
2025-04-09 19:04:10.278 | DEBUG    | __main__:<module>:20 - Iteration 1140: Points 1138 (cluster 1138) and 1140 (cluster 3139) connect at weight=184.0
2025-04-09 19:04:10.278 | DEBUG    | __main__:<module>:20 - Iteration 1141: Points 1135 (cluster 3118) and 1162 (cluster 1162) connect at weight=184.0
2025-04-09 19:04:10.279 | DEBUG    | __main__:<module>:20 - Iteration 1142: Points 1133 (cluster 3134) and 1151 (cluster 1151) connect at weight=184.0
2025-04-09 19:04:10.279 | DEBUG    | __main__:<module>:20 - Iteration 1143: Points 1130 (cluster 3127) and 1156 (cluster 1156) connect at weight=184.0
2025-04-09 19:04:10.279 | DEBUG    | __main__:<module>:20 - Iteration 1144: Points 1126 (cluster 3135) and 1158 (cluster 1158) connect at weight=184.0
2025-04-09 19:04:10.279 | DEBUG    | __main__:<module>:20 - Iteration 1145: Points 1122 (cluster 3144) and 1098 (cluster 3141) connect at weight=184.0
2025-04-09 19:04:10.279 | DEBUG    | __main__:<module>:20 - Iteration 1146: Points 1112 (cluster 3145) and 1161 (cluster 1161) connect at weight=184.0
2025-04-09 19:04:10.280 | DEBUG    | __main__:<module>:20 - Iteration 1147: Points 1105 (cluster 3130) and 1143 (cluster 1143) connect at weight=184.0
2025-04-09 19:04:10.280 | DEBUG    | __main__:<module>:20 - Iteration 1148: Points 1098 (cluster 3146) and 1134 (cluster 3143) connect at weight=184.0
2025-04-09 19:04:10.280 | DEBUG    | __main__:<module>:20 - Iteration 1149: Points 1088 (cluster 3148) and 1160 (cluster 1160) connect at weight=184.0
2025-04-09 19:04:10.280 | DEBUG    | __main__:<module>:20 - Iteration 1150: Points 1079 (cluster 3142) and 1163 (cluster 1163) connect at weight=184.0
2025-04-09 19:04:10.280 | DEBUG    | __main__:<module>:20 - Iteration 1151: Points 1178 (cluster 1178) and 1165 (cluster 1165) connect at weight=183.0
2025-04-09 19:04:10.280 | DEBUG    | __main__:<module>:20 - Iteration 1152: Points 1178 (cluster 3151) and 1149 (cluster 3136) connect at weight=183.0
2025-04-09 19:04:10.281 | DEBUG    | __main__:<module>:20 - Iteration 1153: Points 1166 (cluster 1166) and 1138 (cluster 3140) connect at weight=183.0
2025-04-09 19:04:10.281 | DEBUG    | __main__:<module>:20 - Iteration 1154: Points 1162 (cluster 3149) and 1169 (cluster 1169) connect at weight=183.0
2025-04-09 19:04:10.281 | DEBUG    | __main__:<module>:20 - Iteration 1155: Points 1156 (cluster 3154) and 1178 (cluster 3152) connect at weight=183.0
2025-04-09 19:04:10.281 | DEBUG    | __main__:<module>:20 - Iteration 1156: Points 1156 (cluster 3155) and 1173 (cluster 1173) connect at weight=183.0
2025-04-09 19:04:10.281 | DEBUG    | __main__:<module>:20 - Iteration 1157: Points 1155 (cluster 3138) and 1157 (cluster 1157) connect at weight=183.0
2025-04-09 19:04:10.282 | DEBUG    | __main__:<module>:20 - Iteration 1158: Points 1152 (cluster 3150) and 1172 (cluster 1172) connect at weight=183.0
2025-04-09 19:04:10.282 | DEBUG    | __main__:<module>:20 - Iteration 1159: Points 1130 (cluster 3156) and 1167 (cluster 1167) connect at weight=183.0
2025-04-09 19:04:10.282 | DEBUG    | __main__:<module>:20 - Iteration 1160: Points 1125 (cluster 3159) and 1181 (cluster 1181) connect at weight=183.0
2025-04-09 19:04:10.282 | DEBUG    | __main__:<module>:20 - Iteration 1161: Points 1113 (cluster 3115) and 1176 (cluster 1176) connect at weight=183.0
2025-04-09 19:04:10.282 | DEBUG    | __main__:<module>:20 - Iteration 1162: Points 1113 (cluster 3161) and 1147 (cluster 3137) connect at weight=183.0
2025-04-09 19:04:10.282 | DEBUG    | __main__:<module>:20 - Iteration 1163: Points 1102 (cluster 3158) and 1171 (cluster 1171) connect at weight=183.0
2025-04-09 19:04:10.283 | DEBUG    | __main__:<module>:20 - Iteration 1164: Points 1080 (cluster 3160) and 1115 (cluster 3157) connect at weight=183.0
2025-04-09 19:04:10.283 | DEBUG    | __main__:<module>:20 - Iteration 1165: Points 1063 (cluster 3164) and 1180 (cluster 1180) connect at weight=183.0
2025-04-09 19:04:10.283 | DEBUG    | __main__:<module>:20 - Iteration 1166: Points 721 (cluster 3165) and 1168 (cluster 1168) connect at weight=183.0
2025-04-09 19:04:10.283 | DEBUG    | __main__:<module>:20 - Iteration 1167: Points 1186 (cluster 1186) and 1182 (cluster 1182) connect at weight=182.0
2025-04-09 19:04:10.283 | DEBUG    | __main__:<module>:20 - Iteration 1168: Points 1164 (cluster 1164) and 1170 (cluster 1170) connect at weight=182.0
2025-04-09 19:04:10.284 | DEBUG    | __main__:<module>:20 - Iteration 1169: Points 1153 (cluster 1153) and 1159 (cluster 1159) connect at weight=182.0
2025-04-09 19:04:10.284 | DEBUG    | __main__:<module>:20 - Iteration 1170: Points 1146 (cluster 3126) and 1188 (cluster 1188) connect at weight=182.0
2025-04-09 19:04:10.284 | DEBUG    | __main__:<module>:20 - Iteration 1171: Points 1123 (cluster 3162) and 1183 (cluster 1183) connect at weight=182.0
2025-04-09 19:04:10.284 | DEBUG    | __main__:<module>:20 - Iteration 1172: Points 1121 (cluster 3170) and 1116 (cluster 3147) connect at weight=182.0
2025-04-09 19:04:10.284 | DEBUG    | __main__:<module>:20 - Iteration 1173: Points 1116 (cluster 3172) and 1190 (cluster 1190) connect at weight=182.0
2025-04-09 19:04:10.284 | DEBUG    | __main__:<module>:20 - Iteration 1174: Points 1107 (cluster 3166) and 1186 (cluster 3167) connect at weight=182.0
2025-04-09 19:04:10.285 | DEBUG    | __main__:<module>:20 - Iteration 1175: Points 1075 (cluster 3163) and 1189 (cluster 1189) connect at weight=182.0
2025-04-09 19:04:10.285 | DEBUG    | __main__:<module>:20 - Iteration 1176: Points 1216 (cluster 1216) and 1209 (cluster 1209) connect at weight=181.0
2025-04-09 19:04:10.285 | DEBUG    | __main__:<module>:20 - Iteration 1177: Points 1214 (cluster 1214) and 1207 (cluster 1207) connect at weight=181.0
2025-04-09 19:04:10.285 | DEBUG    | __main__:<module>:20 - Iteration 1178: Points 1214 (cluster 3177) and 1200 (cluster 1200) connect at weight=181.0
2025-04-09 19:04:10.285 | DEBUG    | __main__:<module>:20 - Iteration 1179: Points 1214 (cluster 3178) and 1198 (cluster 1198) connect at weight=181.0
2025-04-09 19:04:10.286 | DEBUG    | __main__:<module>:20 - Iteration 1180: Points 1212 (cluster 1212) and 1211 (cluster 1211) connect at weight=181.0
2025-04-09 19:04:10.297 | DEBUG    | __main__:<module>:20 - Iteration 1181: Points 1212 (cluster 3180) and 1197 (cluster 1197) connect at weight=181.0
2025-04-09 19:04:10.298 | DEBUG    | __main__:<module>:20 - Iteration 1182: Points 1203 (cluster 1203) and 1199 (cluster 1199) connect at weight=181.0
2025-04-09 19:04:10.298 | DEBUG    | __main__:<module>:20 - Iteration 1183: Points 1195 (cluster 1195) and 1215 (cluster 1215) connect at weight=181.0
2025-04-09 19:04:10.298 | DEBUG    | __main__:<module>:20 - Iteration 1184: Points 1193 (cluster 1193) and 1164 (cluster 3168) connect at weight=181.0
2025-04-09 19:04:10.298 | DEBUG    | __main__:<module>:20 - Iteration 1185: Points 1187 (cluster 1187) and 1195 (cluster 3183) connect at weight=181.0
2025-04-09 19:04:10.298 | DEBUG    | __main__:<module>:20 - Iteration 1186: Points 1184 (cluster 1184) and 1216 (cluster 3176) connect at weight=181.0
2025-04-09 19:04:10.298 | DEBUG    | __main__:<module>:20 - Iteration 1187: Points 1184 (cluster 3186) and 1179 (cluster 1179) connect at weight=181.0
2025-04-09 19:04:10.299 | DEBUG    | __main__:<module>:20 - Iteration 1188: Points 1179 (cluster 3187) and 1212 (cluster 3181) connect at weight=181.0
2025-04-09 19:04:10.299 | DEBUG    | __main__:<module>:20 - Iteration 1189: Points 1154 (cluster 3171) and 1127 (cluster 1127) connect at weight=181.0
2025-04-09 19:04:10.299 | DEBUG    | __main__:<module>:20 - Iteration 1190: Points 1151 (cluster 3175) and 1208 (cluster 1208) connect at weight=181.0
2025-04-09 19:04:10.299 | DEBUG    | __main__:<module>:20 - Iteration 1191: Points 1151 (cluster 3190) and 1187 (cluster 3185) connect at weight=181.0
2025-04-09 19:04:10.299 | DEBUG    | __main__:<module>:20 - Iteration 1192: Points 1151 (cluster 3191) and 1174 (cluster 1174) connect at weight=181.0
2025-04-09 19:04:10.300 | DEBUG    | __main__:<module>:20 - Iteration 1193: Points 1116 (cluster 3173) and 1192 (cluster 1192) connect at weight=181.0
2025-04-09 19:04:10.300 | DEBUG    | __main__:<module>:20 - Iteration 1194: Points 1110 (cluster 3174) and 1175 (cluster 1175) connect at weight=181.0
2025-04-09 19:04:10.300 | DEBUG    | __main__:<module>:20 - Iteration 1195: Points 1105 (cluster 3193) and 1120 (cluster 3189) connect at weight=181.0
2025-04-09 19:04:10.300 | DEBUG    | __main__:<module>:20 - Iteration 1196: Points 908 (cluster 3194) and 1196 (cluster 1196) connect at weight=181.0
2025-04-09 19:04:10.300 | DEBUG    | __main__:<module>:20 - Iteration 1197: Points 894 (cluster 3196) and 1210 (cluster 1210) connect at weight=181.0
2025-04-09 19:04:10.300 | DEBUG    | __main__:<module>:20 - Iteration 1198: Points 1215 (cluster 3192) and 1193 (cluster 3184) connect at weight=180.0
2025-04-09 19:04:10.301 | DEBUG    | __main__:<module>:20 - Iteration 1199: Points 1213 (cluster 1213) and 1204 (cluster 1204) connect at weight=180.0
2025-04-09 19:04:10.301 | DEBUG    | __main__:<module>:20 - Iteration 1200: Points 1208 (cluster 3198) and 1226 (cluster 1226) connect at weight=180.0
2025-04-09 19:04:10.301 | DEBUG    | __main__:<module>:20 - Iteration 1201: Points 1205 (cluster 1205) and 1217 (cluster 1217) connect at weight=180.0
2025-04-09 19:04:10.301 | DEBUG    | __main__:<module>:20 - Iteration 1202: Points 1203 (cluster 3182) and 1220 (cluster 1220) connect at weight=180.0
2025-04-09 19:04:10.301 | DEBUG    | __main__:<module>:20 - Iteration 1203: Points 1191 (cluster 1191) and 1177 (cluster 1177) connect at weight=180.0
2025-04-09 19:04:10.302 | DEBUG    | __main__:<module>:20 - Iteration 1204: Points 1177 (cluster 3203) and 1221 (cluster 1221) connect at weight=180.0
2025-04-09 19:04:10.302 | DEBUG    | __main__:<module>:20 - Iteration 1205: Points 1161 (cluster 3197) and 1225 (cluster 1225) connect at weight=180.0
2025-04-09 19:04:10.302 | DEBUG    | __main__:<module>:20 - Iteration 1206: Points 1159 (cluster 3169) and 1222 (cluster 1222) connect at weight=180.0
2025-04-09 19:04:10.303 | DEBUG    | __main__:<module>:20 - Iteration 1207: Points 1148 (cluster 3153) and 1202 (cluster 1202) connect at weight=180.0
2025-04-09 19:04:10.303 | DEBUG    | __main__:<module>:20 - Iteration 1208: Points 925 (cluster 3200) and 1219 (cluster 1219) connect at weight=180.0
2025-04-09 19:04:10.304 | DEBUG    | __main__:<module>:20 - Iteration 1209: Points 1240 (cluster 1240) and 1218 (cluster 1218) connect at weight=179.0
2025-04-09 19:04:10.304 | DEBUG    | __main__:<module>:20 - Iteration 1210: Points 1237 (cluster 1237) and 1191 (cluster 3204) connect at weight=179.0
2025-04-09 19:04:10.304 | DEBUG    | __main__:<module>:20 - Iteration 1211: Points 1234 (cluster 1234) and 1185 (cluster 1185) connect at weight=179.0
2025-04-09 19:04:10.304 | DEBUG    | __main__:<module>:20 - Iteration 1212: Points 1215 (cluster 3208) and 1230 (cluster 1230) connect at weight=179.0
2025-04-09 19:04:10.304 | DEBUG    | __main__:<module>:20 - Iteration 1213: Points 1191 (cluster 3210) and 1232 (cluster 1232) connect at weight=179.0
2025-04-09 19:04:10.304 | DEBUG    | __main__:<module>:20 - Iteration 1214: Points 1188 (cluster 3195) and 1224 (cluster 1224) connect at weight=179.0
2025-04-09 19:04:10.305 | DEBUG    | __main__:<module>:20 - Iteration 1215: Points 1179 (cluster 3188) and 1242 (cluster 1242) connect at weight=179.0
2025-04-09 19:04:10.305 | DEBUG    | __main__:<module>:20 - Iteration 1216: Points 1177 (cluster 3213) and 1234 (cluster 3211) connect at weight=179.0
2025-04-09 19:04:10.305 | DEBUG    | __main__:<module>:20 - Iteration 1217: Points 1148 (cluster 3207) and 1239 (cluster 1239) connect at weight=179.0
2025-04-09 19:04:10.305 | DEBUG    | __main__:<module>:20 - Iteration 1218: Points 1142 (cluster 3205) and 1235 (cluster 1235) connect at weight=179.0
2025-04-09 19:04:10.305 | DEBUG    | __main__:<module>:20 - Iteration 1219: Points 1127 (cluster 3214) and 1227 (cluster 1227) connect at weight=179.0
2025-04-09 19:04:10.306 | DEBUG    | __main__:<module>:20 - Iteration 1220: Points 1127 (cluster 3219) and 1205 (cluster 3201) connect at weight=179.0
2025-04-09 19:04:10.306 | DEBUG    | __main__:<module>:20 - Iteration 1221: Points 1127 (cluster 3220) and 1201 (cluster 1201) connect at weight=179.0
2025-04-09 19:04:10.306 | DEBUG    | __main__:<module>:20 - Iteration 1222: Points 1260 (cluster 1260) and 1255 (cluster 1255) connect at weight=178.0
2025-04-09 19:04:10.306 | DEBUG    | __main__:<module>:20 - Iteration 1223: Points 1260 (cluster 3222) and 1246 (cluster 1246) connect at weight=178.0
2025-04-09 19:04:10.306 | DEBUG    | __main__:<module>:20 - Iteration 1224: Points 1259 (cluster 1259) and 1254 (cluster 1254) connect at weight=178.0
2025-04-09 19:04:10.307 | DEBUG    | __main__:<module>:20 - Iteration 1225: Points 1252 (cluster 1252) and 1251 (cluster 1251) connect at weight=178.0
2025-04-09 19:04:10.307 | DEBUG    | __main__:<module>:20 - Iteration 1226: Points 1252 (cluster 3225) and 1237 (cluster 3216) connect at weight=178.0
2025-04-09 19:04:10.307 | DEBUG    | __main__:<module>:20 - Iteration 1227: Points 1236 (cluster 1236) and 1231 (cluster 1231) connect at weight=178.0
2025-04-09 19:04:10.307 | DEBUG    | __main__:<module>:20 - Iteration 1228: Points 1235 (cluster 3218) and 1252 (cluster 3226) connect at weight=178.0
2025-04-09 19:04:10.307 | DEBUG    | __main__:<module>:20 - Iteration 1229: Points 1233 (cluster 1233) and 1153 (cluster 3206) connect at weight=178.0
2025-04-09 19:04:10.307 | DEBUG    | __main__:<module>:20 - Iteration 1230: Points 1224 (cluster 3221) and 1238 (cluster 1238) connect at weight=178.0
2025-04-09 19:04:10.308 | DEBUG    | __main__:<module>:20 - Iteration 1231: Points 1220 (cluster 3202) and 1223 (cluster 1223) connect at weight=178.0
2025-04-09 19:04:10.308 | DEBUG    | __main__:<module>:20 - Iteration 1232: Points 1218 (cluster 3209) and 1260 (cluster 3223) connect at weight=178.0
2025-04-09 19:04:10.308 | DEBUG    | __main__:<module>:20 - Iteration 1233: Points 1217 (cluster 3230) and 1233 (cluster 3229) connect at weight=178.0
2025-04-09 19:04:10.308 | DEBUG    | __main__:<module>:20 - Iteration 1234: Points 1216 (cluster 3215) and 1248 (cluster 1248) connect at weight=178.0
2025-04-09 19:04:10.308 | DEBUG    | __main__:<module>:20 - Iteration 1235: Points 1214 (cluster 3179) and 1240 (cluster 3232) connect at weight=178.0
2025-04-09 19:04:10.309 | DEBUG    | __main__:<module>:20 - Iteration 1236: Points 1193 (cluster 3212) and 1229 (cluster 1229) connect at weight=178.0
2025-04-09 19:04:10.309 | DEBUG    | __main__:<module>:20 - Iteration 1237: Points 1191 (cluster 3228) and 1247 (cluster 1247) connect at weight=178.0
2025-04-09 19:04:10.309 | DEBUG    | __main__:<module>:20 - Iteration 1238: Points 1185 (cluster 3237) and 1166 (cluster 3217) connect at weight=178.0
2025-04-09 19:04:10.309 | DEBUG    | __main__:<module>:20 - Iteration 1239: Points 1169 (cluster 3238) and 1250 (cluster 1250) connect at weight=178.0
2025-04-09 19:04:10.309 | DEBUG    | __main__:<module>:20 - Iteration 1240: Points 1160 (cluster 3239) and 1257 (cluster 1257) connect at weight=178.0
2025-04-09 19:04:10.309 | DEBUG    | __main__:<module>:20 - Iteration 1241: Points 1150 (cluster 3236) and 1146 (cluster 3233) connect at weight=178.0
2025-04-09 19:04:10.310 | DEBUG    | __main__:<module>:20 - Iteration 1242: Points 1101 (cluster 3240) and 1245 (cluster 1245) connect at weight=178.0
2025-04-09 19:04:10.310 | DEBUG    | __main__:<module>:20 - Iteration 1243: Points 996 (cluster 3242) and 1262 (cluster 1262) connect at weight=178.0
2025-04-09 19:04:10.310 | DEBUG    | __main__:<module>:20 - Iteration 1244: Points 1276 (cluster 1276) and 1270 (cluster 1270) connect at weight=177.0
2025-04-09 19:04:10.310 | DEBUG    | __main__:<module>:20 - Iteration 1245: Points 1276 (cluster 3244) and 1241 (cluster 1241) connect at weight=177.0
2025-04-09 19:04:10.310 | DEBUG    | __main__:<module>:20 - Iteration 1246: Points 1274 (cluster 1274) and 1258 (cluster 1258) connect at weight=177.0
2025-04-09 19:04:10.311 | DEBUG    | __main__:<module>:20 - Iteration 1247: Points 1272 (cluster 1272) and 1271 (cluster 1271) connect at weight=177.0
2025-04-09 19:04:10.311 | DEBUG    | __main__:<module>:20 - Iteration 1248: Points 1260 (cluster 3235) and 1184 (cluster 3234) connect at weight=177.0
2025-04-09 19:04:10.311 | DEBUG    | __main__:<module>:20 - Iteration 1249: Points 1259 (cluster 3224) and 1253 (cluster 1253) connect at weight=177.0
2025-04-09 19:04:10.311 | DEBUG    | __main__:<module>:20 - Iteration 1250: Points 1256 (cluster 1256) and 1276 (cluster 3245) connect at weight=177.0
2025-04-09 19:04:10.311 | DEBUG    | __main__:<module>:20 - Iteration 1251: Points 1244 (cluster 1244) and 1214 (cluster 3248) connect at weight=177.0
2025-04-09 19:04:10.311 | DEBUG    | __main__:<module>:20 - Iteration 1252: Points 1241 (cluster 3250) and 1272 (cluster 3247) connect at weight=177.0
2025-04-09 19:04:10.312 | DEBUG    | __main__:<module>:20 - Iteration 1253: Points 1228 (cluster 1228) and 1256 (cluster 3252) connect at weight=177.0
2025-04-09 19:04:10.312 | DEBUG    | __main__:<module>:20 - Iteration 1254: Points 1223 (cluster 3231) and 1213 (cluster 3199) connect at weight=177.0
2025-04-09 19:04:10.312 | DEBUG    | __main__:<module>:20 - Iteration 1255: Points 1202 (cluster 3243) and 1236 (cluster 3227) connect at weight=177.0
2025-04-09 19:04:10.312 | DEBUG    | __main__:<module>:20 - Iteration 1256: Points 1175 (cluster 3255) and 1275 (cluster 1275) connect at weight=177.0
2025-04-09 19:04:10.312 | DEBUG    | __main__:<module>:20 - Iteration 1257: Points 1161 (cluster 3256) and 1277 (cluster 1277) connect at weight=177.0
2025-04-09 19:04:10.313 | DEBUG    | __main__:<module>:20 - Iteration 1258: Points 1159 (cluster 3241) and 1194 (cluster 1194) connect at weight=177.0
2025-04-09 19:04:10.313 | DEBUG    | __main__:<module>:20 - Iteration 1259: Points 1110 (cluster 3257) and 1269 (cluster 1269) connect at weight=177.0
2025-04-09 19:04:10.313 | DEBUG    | __main__:<module>:20 - Iteration 1260: Points 1064 (cluster 3259) and 1263 (cluster 1263) connect at weight=177.0
2025-04-09 19:04:10.313 | DEBUG    | __main__:<module>:20 - Iteration 1261: Points 996 (cluster 3260) and 1273 (cluster 1273) connect at weight=177.0
2025-04-09 19:04:10.313 | DEBUG    | __main__:<module>:20 - Iteration 1262: Points 1292 (cluster 1292) and 1290 (cluster 1290) connect at weight=176.0
2025-04-09 19:04:10.313 | DEBUG    | __main__:<module>:20 - Iteration 1263: Points 1287 (cluster 1287) and 1285 (cluster 1285) connect at weight=176.0
2025-04-09 19:04:10.314 | DEBUG    | __main__:<module>:20 - Iteration 1264: Points 1286 (cluster 1286) and 1281 (cluster 1281) connect at weight=176.0
2025-04-09 19:04:10.314 | DEBUG    | __main__:<module>:20 - Iteration 1265: Points 1268 (cluster 1268) and 1228 (cluster 3253) connect at weight=176.0
2025-04-09 19:04:10.314 | DEBUG    | __main__:<module>:20 - Iteration 1266: Points 1266 (cluster 1266) and 1249 (cluster 1249) connect at weight=176.0
2025-04-09 19:04:10.314 | DEBUG    | __main__:<module>:20 - Iteration 1267: Points 1261 (cluster 1261) and 1206 (cluster 1206) connect at weight=176.0
2025-04-09 19:04:10.314 | DEBUG    | __main__:<module>:20 - Iteration 1268: Points 1253 (cluster 3249) and 1244 (cluster 3251) connect at weight=176.0
2025-04-09 19:04:10.315 | DEBUG    | __main__:<module>:20 - Iteration 1269: Points 1249 (cluster 3266) and 1267 (cluster 1267) connect at weight=176.0
2025-04-09 19:04:10.315 | DEBUG    | __main__:<module>:20 - Iteration 1270: Points 1240 (cluster 3268) and 1291 (cluster 1291) connect at weight=176.0
2025-04-09 19:04:10.315 | DEBUG    | __main__:<module>:20 - Iteration 1271: Points 1220 (cluster 3254) and 1280 (cluster 1280) connect at weight=176.0
2025-04-09 19:04:10.315 | DEBUG    | __main__:<module>:20 - Iteration 1272: Points 1217 (cluster 3258) and 1283 (cluster 1283) connect at weight=176.0
2025-04-09 19:04:10.315 | DEBUG    | __main__:<module>:20 - Iteration 1273: Points 1216 (cluster 3270) and 1284 (cluster 1284) connect at weight=176.0
2025-04-09 19:04:10.315 | DEBUG    | __main__:<module>:20 - Iteration 1274: Points 1206 (cluster 3267) and 1286 (cluster 3264) connect at weight=176.0
2025-04-09 19:04:10.316 | DEBUG    | __main__:<module>:20 - Iteration 1275: Points 1194 (cluster 3272) and 1259 (cluster 3273) connect at weight=176.0
2025-04-09 19:04:10.316 | DEBUG    | __main__:<module>:20 - Iteration 1276: Points 1153 (cluster 3275) and 1289 (cluster 1289) connect at weight=176.0
2025-04-09 19:04:10.316 | DEBUG    | __main__:<module>:20 - Iteration 1277: Points 1141 (cluster 3276) and 1295 (cluster 1295) connect at weight=176.0
2025-04-09 19:04:10.316 | DEBUG    | __main__:<module>:20 - Iteration 1278: Points 1321 (cluster 1321) and 1310 (cluster 1310) connect at weight=175.0
2025-04-09 19:04:10.316 | DEBUG    | __main__:<module>:20 - Iteration 1279: Points 1321 (cluster 3278) and 1303 (cluster 1303) connect at weight=175.0
2025-04-09 19:04:10.317 | DEBUG    | __main__:<module>:20 - Iteration 1280: Points 1321 (cluster 3279) and 1278 (cluster 1278) connect at weight=175.0
2025-04-09 19:04:10.317 | DEBUG    | __main__:<module>:20 - Iteration 1281: Points 1320 (cluster 1320) and 1318 (cluster 1318) connect at weight=175.0
2025-04-09 19:04:10.317 | DEBUG    | __main__:<module>:20 - Iteration 1282: Points 1320 (cluster 3281) and 1315 (cluster 1315) connect at weight=175.0
2025-04-09 19:04:10.317 | DEBUG    | __main__:<module>:20 - Iteration 1283: Points 1320 (cluster 3282) and 1305 (cluster 1305) connect at weight=175.0
2025-04-09 19:04:10.317 | DEBUG    | __main__:<module>:20 - Iteration 1284: Points 1316 (cluster 1316) and 1292 (cluster 3262) connect at weight=175.0
2025-04-09 19:04:10.318 | DEBUG    | __main__:<module>:20 - Iteration 1285: Points 1309 (cluster 1309) and 1268 (cluster 3265) connect at weight=175.0
2025-04-09 19:04:10.318 | DEBUG    | __main__:<module>:20 - Iteration 1286: Points 1298 (cluster 1298) and 1293 (cluster 1293) connect at weight=175.0
2025-04-09 19:04:10.318 | DEBUG    | __main__:<module>:20 - Iteration 1287: Points 1298 (cluster 3286) and 1265 (cluster 1265) connect at weight=175.0
2025-04-09 19:04:10.318 | DEBUG    | __main__:<module>:20 - Iteration 1288: Points 1288 (cluster 1288) and 1307 (cluster 1307) connect at weight=175.0
2025-04-09 19:04:10.318 | DEBUG    | __main__:<module>:20 - Iteration 1289: Points 1287 (cluster 3263) and 1297 (cluster 1297) connect at weight=175.0
2025-04-09 19:04:10.318 | DEBUG    | __main__:<module>:20 - Iteration 1290: Points 1278 (cluster 3280) and 1300 (cluster 1300) connect at weight=175.0
2025-04-09 19:04:10.319 | DEBUG    | __main__:<module>:20 - Iteration 1291: Points 1278 (cluster 3290) and 1261 (cluster 3274) connect at weight=175.0
2025-04-09 19:04:10.319 | DEBUG    | __main__:<module>:20 - Iteration 1292: Points 1265 (cluster 3287) and 1264 (cluster 1264) connect at weight=175.0
2025-04-09 19:04:10.319 | DEBUG    | __main__:<module>:20 - Iteration 1293: Points 1259 (cluster 3277) and 1299 (cluster 1299) connect at weight=175.0
2025-04-09 19:04:10.319 | DEBUG    | __main__:<module>:20 - Iteration 1294: Points 1259 (cluster 3293) and 1279 (cluster 1279) connect at weight=175.0
2025-04-09 19:04:10.319 | DEBUG    | __main__:<module>:20 - Iteration 1295: Points 1249 (cluster 3269) and 1319 (cluster 1319) connect at weight=175.0
2025-04-09 19:04:10.320 | DEBUG    | __main__:<module>:20 - Iteration 1296: Points 1243 (cluster 1243) and 1288 (cluster 3288) connect at weight=175.0
2025-04-09 19:04:10.320 | DEBUG    | __main__:<module>:20 - Iteration 1297: Points 1213 (cluster 3271) and 1294 (cluster 1294) connect at weight=175.0
2025-04-09 19:04:10.320 | DEBUG    | __main__:<module>:20 - Iteration 1298: Points 1212 (cluster 3294) and 1243 (cluster 3296) connect at weight=175.0
2025-04-09 19:04:10.320 | DEBUG    | __main__:<module>:20 - Iteration 1299: Points 1206 (cluster 3291) and 1314 (cluster 1314) connect at weight=175.0
2025-04-09 19:04:10.320 | DEBUG    | __main__:<module>:20 - Iteration 1300: Points 1204 (cluster 3297) and 1302 (cluster 1302) connect at weight=175.0
2025-04-09 19:04:10.320 | DEBUG    | __main__:<module>:20 - Iteration 1301: Points 1341 (cluster 1341) and 1320 (cluster 3283) connect at weight=174.0
2025-04-09 19:04:10.321 | DEBUG    | __main__:<module>:20 - Iteration 1302: Points 1328 (cluster 1328) and 1313 (cluster 1313) connect at weight=174.0
2025-04-09 19:04:10.321 | DEBUG    | __main__:<module>:20 - Iteration 1303: Points 1325 (cluster 1325) and 1321 (cluster 3299) connect at weight=174.0
2025-04-09 19:04:10.321 | DEBUG    | __main__:<module>:20 - Iteration 1304: Points 1323 (cluster 1323) and 1316 (cluster 3284) connect at weight=174.0
2025-04-09 19:04:10.321 | DEBUG    | __main__:<module>:20 - Iteration 1305: Points 1319 (cluster 3295) and 1336 (cluster 1336) connect at weight=174.0
2025-04-09 19:04:10.321 | DEBUG    | __main__:<module>:20 - Iteration 1306: Points 1317 (cluster 1317) and 1311 (cluster 1311) connect at weight=174.0
2025-04-09 19:04:10.322 | DEBUG    | __main__:<module>:20 - Iteration 1307: Points 1316 (cluster 3304) and 1338 (cluster 1338) connect at weight=174.0
2025-04-09 19:04:10.322 | DEBUG    | __main__:<module>:20 - Iteration 1308: Points 1306 (cluster 1306) and 1309 (cluster 3285) connect at weight=174.0
2025-04-09 19:04:10.327 | DEBUG    | __main__:<module>:20 - Iteration 1309: Points 1302 (cluster 3300) and 1329 (cluster 1329) connect at weight=174.0
2025-04-09 19:04:10.327 | DEBUG    | __main__:<module>:20 - Iteration 1310: Points 1298 (cluster 3292) and 1330 (cluster 1330) connect at weight=174.0
2025-04-09 19:04:10.327 | DEBUG    | __main__:<module>:20 - Iteration 1311: Points 1294 (cluster 3309) and 1266 (cluster 3305) connect at weight=174.0
2025-04-09 19:04:10.327 | DEBUG    | __main__:<module>:20 - Iteration 1312: Points 1292 (cluster 3307) and 1282 (cluster 1282) connect at weight=174.0
2025-04-09 19:04:10.327 | DEBUG    | __main__:<module>:20 - Iteration 1313: Points 1286 (cluster 3303) and 1327 (cluster 1327) connect at weight=174.0
2025-04-09 19:04:10.327 | DEBUG    | __main__:<module>:20 - Iteration 1314: Points 1282 (cluster 3312) and 1339 (cluster 1339) connect at weight=174.0
2025-04-09 19:04:10.328 | DEBUG    | __main__:<module>:20 - Iteration 1315: Points 1272 (cluster 3308) and 1301 (cluster 1301) connect at weight=174.0
2025-04-09 19:04:10.328 | DEBUG    | __main__:<module>:20 - Iteration 1316: Points 1264 (cluster 3310) and 1342 (cluster 1342) connect at weight=174.0
2025-04-09 19:04:10.328 | DEBUG    | __main__:<module>:20 - Iteration 1317: Points 1231 (cluster 3261) and 1333 (cluster 1333) connect at weight=174.0
2025-04-09 19:04:10.328 | DEBUG    | __main__:<module>:20 - Iteration 1318: Points 1228 (cluster 3315) and 1337 (cluster 1337) connect at weight=174.0
2025-04-09 19:04:10.328 | DEBUG    | __main__:<module>:20 - Iteration 1319: Points 1108 (cluster 3317) and 1340 (cluster 1340) connect at weight=174.0
2025-04-09 19:04:10.328 | DEBUG    | __main__:<module>:20 - Iteration 1320: Points 1350 (cluster 1350) and 1296 (cluster 1296) connect at weight=173.0
2025-04-09 19:04:10.329 | DEBUG    | __main__:<module>:20 - Iteration 1321: Points 1349 (cluster 1349) and 1344 (cluster 1344) connect at weight=173.0
2025-04-09 19:04:10.329 | DEBUG    | __main__:<module>:20 - Iteration 1322: Points 1333 (cluster 3319) and 1306 (cluster 3318) connect at weight=173.0
2025-04-09 19:04:10.329 | DEBUG    | __main__:<module>:20 - Iteration 1323: Points 1326 (cluster 1326) and 1298 (cluster 3316) connect at weight=173.0
2025-04-09 19:04:10.329 | DEBUG    | __main__:<module>:20 - Iteration 1324: Points 1325 (cluster 3313) and 1312 (cluster 1312) connect at weight=173.0
2025-04-09 19:04:10.329 | DEBUG    | __main__:<module>:20 - Iteration 1325: Points 1324 (cluster 1324) and 1325 (cluster 3324) connect at weight=173.0
2025-04-09 19:04:10.330 | DEBUG    | __main__:<module>:20 - Iteration 1326: Points 1313 (cluster 3302) and 1358 (cluster 1358) connect at weight=173.0
2025-04-09 19:04:10.330 | DEBUG    | __main__:<module>:20 - Iteration 1327: Points 1311 (cluster 3306) and 1323 (cluster 3314) connect at weight=173.0
2025-04-09 19:04:10.330 | DEBUG    | __main__:<module>:20 - Iteration 1328: Points 1304 (cluster 1304) and 1322 (cluster 1322) connect at weight=173.0
2025-04-09 19:04:10.330 | DEBUG    | __main__:<module>:20 - Iteration 1329: Points 1302 (cluster 3311) and 1346 (cluster 1346) connect at weight=173.0
2025-04-09 19:04:10.330 | DEBUG    | __main__:<module>:20 - Iteration 1330: Points 1297 (cluster 3289) and 1317 (cluster 3327) connect at weight=173.0
2025-04-09 19:04:10.330 | DEBUG    | __main__:<module>:20 - Iteration 1331: Points 1275 (cluster 3322) and 1354 (cluster 1354) connect at weight=173.0
2025-04-09 19:04:10.331 | DEBUG    | __main__:<module>:20 - Iteration 1332: Points 1274 (cluster 3246) and 1351 (cluster 1351) connect at weight=173.0
2025-04-09 19:04:10.331 | DEBUG    | __main__:<module>:20 - Iteration 1333: Points 1272 (cluster 3331) and 1341 (cluster 3301) connect at weight=173.0
2025-04-09 19:04:10.331 | DEBUG    | __main__:<module>:20 - Iteration 1334: Points 1265 (cluster 3323) and 1334 (cluster 1334) connect at weight=173.0
2025-04-09 19:04:10.331 | DEBUG    | __main__:<module>:20 - Iteration 1335: Points 1238 (cluster 3298) and 1357 (cluster 1357) connect at weight=173.0
2025-04-09 19:04:10.331 | DEBUG    | __main__:<module>:20 - Iteration 1336: Points 1185 (cluster 3333) and 1332 (cluster 1332) connect at weight=173.0
2025-04-09 19:04:10.332 | DEBUG    | __main__:<module>:20 - Iteration 1337: Points 1170 (cluster 3335) and 1203 (cluster 3329) connect at weight=173.0
2025-04-09 19:04:10.332 | DEBUG    | __main__:<module>:20 - Iteration 1338: Points 1108 (cluster 3336) and 1356 (cluster 1356) connect at weight=173.0
2025-04-09 19:04:10.332 | DEBUG    | __main__:<module>:20 - Iteration 1339: Points 1108 (cluster 3338) and 1343 (cluster 1343) connect at weight=173.0
2025-04-09 19:04:10.332 | DEBUG    | __main__:<module>:20 - Iteration 1340: Points 1380 (cluster 1380) and 1371 (cluster 1371) connect at weight=172.0
2025-04-09 19:04:10.332 | DEBUG    | __main__:<module>:20 - Iteration 1341: Points 1380 (cluster 3340) and 1365 (cluster 1365) connect at weight=172.0
2025-04-09 19:04:10.332 | DEBUG    | __main__:<module>:20 - Iteration 1342: Points 1380 (cluster 3341) and 1364 (cluster 1364) connect at weight=172.0
2025-04-09 19:04:10.333 | DEBUG    | __main__:<module>:20 - Iteration 1343: Points 1374 (cluster 1374) and 1370 (cluster 1370) connect at weight=172.0
2025-04-09 19:04:10.333 | DEBUG    | __main__:<module>:20 - Iteration 1344: Points 1359 (cluster 1359) and 1324 (cluster 3325) connect at weight=172.0
2025-04-09 19:04:10.333 | DEBUG    | __main__:<module>:20 - Iteration 1345: Points 1347 (cluster 1347) and 1360 (cluster 1360) connect at weight=172.0
2025-04-09 19:04:10.333 | DEBUG    | __main__:<module>:20 - Iteration 1346: Points 1345 (cluster 1345) and 1352 (cluster 1352) connect at weight=172.0
2025-04-09 19:04:10.333 | DEBUG    | __main__:<module>:20 - Iteration 1347: Points 1341 (cluster 3339) and 1376 (cluster 1376) connect at weight=172.0
2025-04-09 19:04:10.334 | DEBUG    | __main__:<module>:20 - Iteration 1348: Points 1339 (cluster 3330) and 1372 (cluster 1372) connect at weight=172.0
2025-04-09 19:04:10.334 | DEBUG    | __main__:<module>:20 - Iteration 1349: Points 1327 (cluster 3344) and 1363 (cluster 1363) connect at weight=172.0
2025-04-09 19:04:10.334 | DEBUG    | __main__:<module>:20 - Iteration 1350: Points 1326 (cluster 3334) and 1377 (cluster 1377) connect at weight=172.0
2025-04-09 19:04:10.334 | DEBUG    | __main__:<module>:20 - Iteration 1351: Points 1323 (cluster 3348) and 1382 (cluster 1382) connect at weight=172.0
2025-04-09 19:04:10.334 | DEBUG    | __main__:<module>:20 - Iteration 1352: Points 1321 (cluster 3349) and 1381 (cluster 1381) connect at weight=172.0
2025-04-09 19:04:10.334 | DEBUG    | __main__:<module>:20 - Iteration 1353: Points 1312 (cluster 3352) and 1335 (cluster 1335) connect at weight=172.0
2025-04-09 19:04:10.335 | DEBUG    | __main__:<module>:20 - Iteration 1354: Points 1308 (cluster 1308) and 1373 (cluster 1373) connect at weight=172.0
2025-04-09 19:04:10.335 | DEBUG    | __main__:<module>:20 - Iteration 1355: Points 1307 (cluster 3337) and 1383 (cluster 1383) connect at weight=172.0
2025-04-09 19:04:10.335 | DEBUG    | __main__:<module>:20 - Iteration 1356: Points 1297 (cluster 3351) and 1375 (cluster 1375) connect at weight=172.0
2025-04-09 19:04:10.335 | DEBUG    | __main__:<module>:20 - Iteration 1357: Points 1287 (cluster 3356) and 1369 (cluster 1369) connect at weight=172.0
2025-04-09 19:04:10.335 | DEBUG    | __main__:<module>:20 - Iteration 1358: Points 1258 (cluster 3332) and 1331 (cluster 1331) connect at weight=172.0
2025-04-09 19:04:10.335 | DEBUG    | __main__:<module>:20 - Iteration 1359: Points 1249 (cluster 3355) and 1326 (cluster 3350) connect at weight=172.0
2025-04-09 19:04:10.336 | DEBUG    | __main__:<module>:20 - Iteration 1360: Points 1243 (cluster 3359) and 1304 (cluster 3328) connect at weight=172.0
2025-04-09 19:04:10.336 | DEBUG    | __main__:<module>:20 - Iteration 1361: Points 1238 (cluster 3360) and 1361 (cluster 1361) connect at weight=172.0
2025-04-09 19:04:10.336 | DEBUG    | __main__:<module>:20 - Iteration 1362: Points 1206 (cluster 3353) and 1353 (cluster 1353) connect at weight=172.0
2025-04-09 19:04:10.336 | DEBUG    | __main__:<module>:20 - Iteration 1363: Points 1393 (cluster 1393) and 1379 (cluster 1379) connect at weight=171.0
2025-04-09 19:04:10.336 | DEBUG    | __main__:<module>:20 - Iteration 1364: Points 1393 (cluster 3363) and 1367 (cluster 1367) connect at weight=171.0
2025-04-09 19:04:10.336 | DEBUG    | __main__:<module>:20 - Iteration 1365: Points 1388 (cluster 1388) and 1355 (cluster 1355) connect at weight=171.0
2025-04-09 19:04:10.337 | DEBUG    | __main__:<module>:20 - Iteration 1366: Points 1384 (cluster 1384) and 1347 (cluster 3345) connect at weight=171.0
2025-04-09 19:04:10.337 | DEBUG    | __main__:<module>:20 - Iteration 1367: Points 1379 (cluster 3364) and 1328 (cluster 3326) connect at weight=171.0
2025-04-09 19:04:10.337 | DEBUG    | __main__:<module>:20 - Iteration 1368: Points 1378 (cluster 1378) and 1368 (cluster 1368) connect at weight=171.0
2025-04-09 19:04:10.337 | DEBUG    | __main__:<module>:20 - Iteration 1369: Points 1366 (cluster 1366) and 1350 (cluster 3320) connect at weight=171.0
2025-04-09 19:04:10.337 | DEBUG    | __main__:<module>:20 - Iteration 1370: Points 1363 (cluster 3362) and 1385 (cluster 1385) connect at weight=171.0
2025-04-09 19:04:10.338 | DEBUG    | __main__:<module>:20 - Iteration 1371: Points 1349 (cluster 3321) and 1378 (cluster 3368) connect at weight=171.0
2025-04-09 19:04:10.338 | DEBUG    | __main__:<module>:20 - Iteration 1372: Points 1336 (cluster 3361) and 1387 (cluster 1387) connect at weight=171.0
2025-04-09 19:04:10.338 | DEBUG    | __main__:<module>:20 - Iteration 1373: Points 1309 (cluster 3347) and 1386 (cluster 1386) connect at weight=171.0
2025-04-09 19:04:10.338 | DEBUG    | __main__:<module>:20 - Iteration 1374: Points 1296 (cluster 3369) and 1345 (cluster 3346) connect at weight=171.0
2025-04-09 19:04:10.338 | DEBUG    | __main__:<module>:20 - Iteration 1375: Points 1264 (cluster 3372) and 1362 (cluster 1362) connect at weight=171.0
2025-04-09 19:04:10.338 | DEBUG    | __main__:<module>:20 - Iteration 1376: Points 1264 (cluster 3375) and 1287 (cluster 3357) connect at weight=171.0
2025-04-09 19:04:10.339 | DEBUG    | __main__:<module>:20 - Iteration 1377: Points 1411 (cluster 1411) and 1402 (cluster 1402) connect at weight=170.0
2025-04-09 19:04:10.339 | DEBUG    | __main__:<module>:20 - Iteration 1378: Points 1410 (cluster 1410) and 1393 (cluster 3367) connect at weight=170.0
2025-04-09 19:04:10.339 | DEBUG    | __main__:<module>:20 - Iteration 1379: Points 1399 (cluster 1399) and 1380 (cluster 3342) connect at weight=170.0
2025-04-09 19:04:10.339 | DEBUG    | __main__:<module>:20 - Iteration 1380: Points 1396 (cluster 1396) and 1388 (cluster 3365) connect at weight=170.0
2025-04-09 19:04:10.339 | DEBUG    | __main__:<module>:20 - Iteration 1381: Points 1390 (cluster 1390) and 1366 (cluster 3374) connect at weight=170.0
2025-04-09 19:04:10.340 | DEBUG    | __main__:<module>:20 - Iteration 1382: Points 1385 (cluster 3370) and 1403 (cluster 1403) connect at weight=170.0
2025-04-09 19:04:10.340 | DEBUG    | __main__:<module>:20 - Iteration 1383: Points 1380 (cluster 3379) and 1398 (cluster 1398) connect at weight=170.0
2025-04-09 19:04:10.340 | DEBUG    | __main__:<module>:20 - Iteration 1384: Points 1379 (cluster 3378) and 1405 (cluster 1405) connect at weight=170.0
2025-04-09 19:04:10.340 | DEBUG    | __main__:<module>:20 - Iteration 1385: Points 1374 (cluster 3343) and 1394 (cluster 1394) connect at weight=170.0
2025-04-09 19:04:10.340 | DEBUG    | __main__:<module>:20 - Iteration 1386: Points 1366 (cluster 3381) and 1389 (cluster 1389) connect at weight=170.0
2025-04-09 19:04:10.340 | DEBUG    | __main__:<module>:20 - Iteration 1387: Points 1358 (cluster 3384) and 1348 (cluster 1348) connect at weight=170.0
2025-04-09 19:04:10.341 | DEBUG    | __main__:<module>:20 - Iteration 1388: Points 1355 (cluster 3380) and 1392 (cluster 1392) connect at weight=170.0
2025-04-09 19:04:10.341 | DEBUG    | __main__:<module>:20 - Iteration 1389: Points 1354 (cluster 3373) and 1391 (cluster 1391) connect at weight=170.0
2025-04-09 19:04:10.341 | DEBUG    | __main__:<module>:20 - Iteration 1390: Points 1353 (cluster 3382) and 1384 (cluster 3366) connect at weight=170.0
2025-04-09 19:04:10.341 | DEBUG    | __main__:<module>:20 - Iteration 1391: Points 1348 (cluster 3387) and 1349 (cluster 3371) connect at weight=170.0
2025-04-09 19:04:10.341 | DEBUG    | __main__:<module>:20 - Iteration 1392: Points 1338 (cluster 3376) and 1404 (cluster 1404) connect at weight=170.0
2025-04-09 19:04:10.342 | DEBUG    | __main__:<module>:20 - Iteration 1393: Points 1304 (cluster 3392) and 1409 (cluster 1409) connect at weight=170.0
2025-04-09 19:04:10.342 | DEBUG    | __main__:<module>:20 - Iteration 1394: Points 1280 (cluster 3393) and 1395 (cluster 1395) connect at weight=170.0
2025-04-09 19:04:10.342 | DEBUG    | __main__:<module>:20 - Iteration 1395: Points 746 (cluster 3394) and 1400 (cluster 1400) connect at weight=170.0
2025-04-09 19:04:10.342 | DEBUG    | __main__:<module>:20 - Iteration 1396: Points 1432 (cluster 1432) and 1399 (cluster 3383) connect at weight=169.0
2025-04-09 19:04:10.342 | DEBUG    | __main__:<module>:20 - Iteration 1397: Points 1431 (cluster 1431) and 1411 (cluster 3377) connect at weight=169.0
2025-04-09 19:04:10.343 | DEBUG    | __main__:<module>:20 - Iteration 1398: Points 1427 (cluster 1427) and 1426 (cluster 1426) connect at weight=169.0
2025-04-09 19:04:10.343 | DEBUG    | __main__:<module>:20 - Iteration 1399: Points 1427 (cluster 3398) and 1397 (cluster 1397) connect at weight=169.0
2025-04-09 19:04:10.343 | DEBUG    | __main__:<module>:20 - Iteration 1400: Points 1425 (cluster 1425) and 1419 (cluster 1419) connect at weight=169.0
2025-04-09 19:04:10.343 | DEBUG    | __main__:<module>:20 - Iteration 1401: Points 1420 (cluster 1420) and 1416 (cluster 1416) connect at weight=169.0
2025-04-09 19:04:10.344 | DEBUG    | __main__:<module>:20 - Iteration 1402: Points 1412 (cluster 1412) and 1421 (cluster 1421) connect at weight=169.0
2025-04-09 19:04:10.344 | DEBUG    | __main__:<module>:20 - Iteration 1403: Points 1408 (cluster 1408) and 1308 (cluster 3354) connect at weight=169.0
2025-04-09 19:04:10.344 | DEBUG    | __main__:<module>:20 - Iteration 1404: Points 1406 (cluster 1406) and 1374 (cluster 3385) connect at weight=169.0
2025-04-09 19:04:10.344 | DEBUG    | __main__:<module>:20 - Iteration 1405: Points 1391 (cluster 3389) and 1406 (cluster 3404) connect at weight=169.0
2025-04-09 19:04:10.344 | DEBUG    | __main__:<module>:20 - Iteration 1406: Points 1374 (cluster 3405) and 1429 (cluster 1429) connect at weight=169.0
2025-04-09 19:04:10.344 | DEBUG    | __main__:<module>:20 - Iteration 1407: Points 1360 (cluster 3390) and 1274 (cluster 3358) connect at weight=169.0
2025-04-09 19:04:10.345 | DEBUG    | __main__:<module>:20 - Iteration 1408: Points 1359 (cluster 3407) and 1407 (cluster 1407) connect at weight=169.0
2025-04-09 19:04:10.345 | DEBUG    | __main__:<module>:20 - Iteration 1409: Points 1339 (cluster 3395) and 1431 (cluster 3397) connect at weight=169.0
2025-04-09 19:04:10.345 | DEBUG    | __main__:<module>:20 - Iteration 1410: Points 1339 (cluster 3409) and 1413 (cluster 1413) connect at weight=169.0
2025-04-09 19:04:10.345 | DEBUG    | __main__:<module>:20 - Iteration 1411: Points 1331 (cluster 3408) and 1420 (cluster 3401) connect at weight=169.0
2025-04-09 19:04:10.345 | DEBUG    | __main__:<module>:20 - Iteration 1412: Points 1320 (cluster 3406) and 1359 (cluster 3411) connect at weight=169.0
2025-04-09 19:04:10.346 | DEBUG    | __main__:<module>:20 - Iteration 1413: Points 1276 (cluster 3412) and 1418 (cluster 1418) connect at weight=169.0
2025-04-09 19:04:10.346 | DEBUG    | __main__:<module>:20 - Iteration 1414: Points 1185 (cluster 3413) and 1433 (cluster 1433) connect at weight=169.0
2025-04-09 19:04:10.346 | DEBUG    | __main__:<module>:20 - Iteration 1415: Points 631 (cluster 3410) and 1424 (cluster 1424) connect at weight=169.0
2025-04-09 19:04:10.346 | DEBUG    | __main__:<module>:20 - Iteration 1416: Points 1451 (cluster 1451) and 1417 (cluster 1417) connect at weight=168.0
2025-04-09 19:04:10.346 | DEBUG    | __main__:<module>:20 - Iteration 1417: Points 1448 (cluster 1448) and 1435 (cluster 1435) connect at weight=168.0
2025-04-09 19:04:10.346 | DEBUG    | __main__:<module>:20 - Iteration 1418: Points 1431 (cluster 3415) and 1450 (cluster 1450) connect at weight=168.0
2025-04-09 19:04:10.347 | DEBUG    | __main__:<module>:20 - Iteration 1419: Points 1431 (cluster 3418) and 1445 (cluster 1445) connect at weight=168.0
2025-04-09 19:04:10.347 | DEBUG    | __main__:<module>:20 - Iteration 1420: Points 1430 (cluster 1430) and 1439 (cluster 1439) connect at weight=168.0
2025-04-09 19:04:10.347 | DEBUG    | __main__:<module>:20 - Iteration 1421: Points 1429 (cluster 3414) and 1430 (cluster 3420) connect at weight=168.0
2025-04-09 19:04:10.347 | DEBUG    | __main__:<module>:20 - Iteration 1422: Points 1427 (cluster 3399) and 1446 (cluster 1446) connect at weight=168.0
2025-04-09 19:04:10.347 | DEBUG    | __main__:<module>:20 - Iteration 1423: Points 1422 (cluster 1422) and 1441 (cluster 1441) connect at weight=168.0
2025-04-09 19:04:10.347 | DEBUG    | __main__:<module>:20 - Iteration 1424: Points 1414 (cluster 1414) and 1437 (cluster 1437) connect at weight=168.0
2025-04-09 19:04:10.348 | DEBUG    | __main__:<module>:20 - Iteration 1425: Points 1411 (cluster 3419) and 1442 (cluster 1442) connect at weight=168.0
2025-04-09 19:04:10.348 | DEBUG    | __main__:<module>:20 - Iteration 1426: Points 1405 (cluster 3391) and 1436 (cluster 1436) connect at weight=168.0
2025-04-09 19:04:10.348 | DEBUG    | __main__:<module>:20 - Iteration 1427: Points 1392 (cluster 3388) and 1449 (cluster 1449) connect at weight=168.0
2025-04-09 19:04:10.348 | DEBUG    | __main__:<module>:20 - Iteration 1428: Points 1384 (cluster 3421) and 1434 (cluster 1434) connect at weight=168.0
2025-04-09 19:04:10.348 | DEBUG    | __main__:<module>:20 - Iteration 1429: Points 1322 (cluster 3425) and 1423 (cluster 1423) connect at weight=168.0
2025-04-09 19:04:10.349 | DEBUG    | __main__:<module>:20 - Iteration 1430: Points 1467 (cluster 1467) and 1396 (cluster 3427) connect at weight=167.0
2025-04-09 19:04:10.349 | DEBUG    | __main__:<module>:20 - Iteration 1431: Points 1466 (cluster 1466) and 1464 (cluster 1464) connect at weight=167.0
2025-04-09 19:04:10.349 | DEBUG    | __main__:<module>:20 - Iteration 1432: Points 1463 (cluster 1463) and 1461 (cluster 1461) connect at weight=167.0
2025-04-09 19:04:10.349 | DEBUG    | __main__:<module>:20 - Iteration 1433: Points 1462 (cluster 1462) and 1455 (cluster 1455) connect at weight=167.0
2025-04-09 19:04:10.349 | DEBUG    | __main__:<module>:20 - Iteration 1434: Points 1454 (cluster 1454) and 1422 (cluster 3423) connect at weight=167.0
2025-04-09 19:04:10.349 | DEBUG    | __main__:<module>:20 - Iteration 1435: Points 1451 (cluster 3416) and 1440 (cluster 1440) connect at weight=167.0
2025-04-09 19:04:10.350 | DEBUG    | __main__:<module>:20 - Iteration 1436: Points 1448 (cluster 3417) and 1415 (cluster 1415) connect at weight=167.0
2025-04-09 19:04:10.350 | DEBUG    | __main__:<module>:20 - Iteration 1437: Points 1447 (cluster 1447) and 1428 (cluster 1428) connect at weight=167.0
2025-04-09 19:04:10.350 | DEBUG    | __main__:<module>:20 - Iteration 1438: Points 1444 (cluster 1444) and 1443 (cluster 1443) connect at weight=167.0
2025-04-09 19:04:10.350 | DEBUG    | __main__:<module>:20 - Iteration 1439: Points 1442 (cluster 3429) and 1454 (cluster 3434) connect at weight=167.0
2025-04-09 19:04:10.350 | DEBUG    | __main__:<module>:20 - Iteration 1440: Points 1401 (cluster 1401) and 1448 (cluster 3436) connect at weight=167.0
2025-04-09 19:04:10.351 | DEBUG    | __main__:<module>:20 - Iteration 1441: Points 1398 (cluster 3396) and 1456 (cluster 1456) connect at weight=167.0
2025-04-09 19:04:10.351 | DEBUG    | __main__:<module>:20 - Iteration 1442: Points 1394 (cluster 3428) and 1410 (cluster 3426) connect at weight=167.0
2025-04-09 19:04:10.351 | DEBUG    | __main__:<module>:20 - Iteration 1443: Points 1380 (cluster 3441) and 1408 (cluster 3403) connect at weight=167.0
2025-04-09 19:04:10.351 | DEBUG    | __main__:<module>:20 - Iteration 1444: Points 1378 (cluster 3442) and 1425 (cluster 3400) connect at weight=167.0
2025-04-09 19:04:10.351 | DEBUG    | __main__:<module>:20 - Iteration 1445: Points 1373 (cluster 3443) and 1412 (cluster 3402) connect at weight=167.0
2025-04-09 19:04:10.351 | DEBUG    | __main__:<module>:20 - Iteration 1446: Points 1180 (cluster 3444) and 1457 (cluster 1457) connect at weight=167.0
2025-04-09 19:04:10.352 | DEBUG    | __main__:<module>:20 - Iteration 1447: Points 1488 (cluster 1488) and 1486 (cluster 1486) connect at weight=166.0
2025-04-09 19:04:10.352 | DEBUG    | __main__:<module>:20 - Iteration 1448: Points 1487 (cluster 1487) and 1479 (cluster 1479) connect at weight=166.0
2025-04-09 19:04:10.352 | DEBUG    | __main__:<module>:20 - Iteration 1449: Points 1482 (cluster 1482) and 1474 (cluster 1474) connect at weight=166.0
2025-04-09 19:04:10.352 | DEBUG    | __main__:<module>:20 - Iteration 1450: Points 1481 (cluster 1481) and 1401 (cluster 3440) connect at weight=166.0
2025-04-09 19:04:10.352 | DEBUG    | __main__:<module>:20 - Iteration 1451: Points 1478 (cluster 1478) and 1468 (cluster 1468) connect at weight=166.0
2025-04-09 19:04:10.353 | DEBUG    | __main__:<module>:20 - Iteration 1452: Points 1478 (cluster 3451) and 1432 (cluster 3445) connect at weight=166.0
2025-04-09 19:04:10.353 | DEBUG    | __main__:<module>:20 - Iteration 1453: Points 1477 (cluster 1477) and 1458 (cluster 1458) connect at weight=166.0
2025-04-09 19:04:10.353 | DEBUG    | __main__:<module>:20 - Iteration 1454: Points 1476 (cluster 1476) and 1472 (cluster 1472) connect at weight=166.0
2025-04-09 19:04:10.353 | DEBUG    | __main__:<module>:20 - Iteration 1455: Points 1471 (cluster 1471) and 1469 (cluster 1469) connect at weight=166.0
2025-04-09 19:04:10.353 | DEBUG    | __main__:<module>:20 - Iteration 1456: Points 1463 (cluster 3432) and 1476 (cluster 3454) connect at weight=166.0
2025-04-09 19:04:10.353 | DEBUG    | __main__:<module>:20 - Iteration 1457: Points 1462 (cluster 3433) and 1488 (cluster 3447) connect at weight=166.0
2025-04-09 19:04:10.354 | DEBUG    | __main__:<module>:20 - Iteration 1458: Points 1460 (cluster 1460) and 1462 (cluster 3457) connect at weight=166.0
2025-04-09 19:04:10.354 | DEBUG    | __main__:<module>:20 - Iteration 1459: Points 1459 (cluster 1459) and 1465 (cluster 1465) connect at weight=166.0
2025-04-09 19:04:10.354 | DEBUG    | __main__:<module>:20 - Iteration 1460: Points 1458 (cluster 3453) and 1466 (cluster 3431) connect at weight=166.0
2025-04-09 19:04:10.354 | DEBUG    | __main__:<module>:20 - Iteration 1461: Points 1449 (cluster 3430) and 1481 (cluster 3450) connect at weight=166.0
2025-04-09 19:04:10.354 | DEBUG    | __main__:<module>:20 - Iteration 1462: Points 1449 (cluster 3461) and 1470 (cluster 1470) connect at weight=166.0
2025-04-09 19:04:10.355 | DEBUG    | __main__:<module>:20 - Iteration 1463: Points 1444 (cluster 3438) and 1484 (cluster 1484) connect at weight=166.0
2025-04-09 19:04:10.355 | DEBUG    | __main__:<module>:20 - Iteration 1464: Points 1440 (cluster 3435) and 1453 (cluster 1453) connect at weight=166.0
2025-04-09 19:04:10.355 | DEBUG    | __main__:<module>:20 - Iteration 1465: Points 1438 (cluster 1438) and 1478 (cluster 3452) connect at weight=166.0
2025-04-09 19:04:10.355 | DEBUG    | __main__:<module>:20 - Iteration 1466: Points 1421 (cluster 3465) and 1451 (cluster 3464) connect at weight=166.0
2025-04-09 19:04:10.355 | DEBUG    | __main__:<module>:20 - Iteration 1467: Points 1420 (cluster 3446) and 1487 (cluster 3448) connect at weight=166.0
2025-04-09 19:04:10.355 | DEBUG    | __main__:<module>:20 - Iteration 1468: Points 1410 (cluster 3467) and 1475 (cluster 1475) connect at weight=166.0
2025-04-09 19:04:10.356 | DEBUG    | __main__:<module>:20 - Iteration 1469: Points 1510 (cluster 1510) and 1496 (cluster 1496) connect at weight=165.0
2025-04-09 19:04:10.356 | DEBUG    | __main__:<module>:20 - Iteration 1470: Points 1509 (cluster 1509) and 1459 (cluster 3459) connect at weight=165.0
2025-04-09 19:04:10.356 | DEBUG    | __main__:<module>:20 - Iteration 1471: Points 1501 (cluster 1501) and 1483 (cluster 1483) connect at weight=165.0
2025-04-09 19:04:10.356 | DEBUG    | __main__:<module>:20 - Iteration 1472: Points 1501 (cluster 3471) and 1444 (cluster 3463) connect at weight=165.0
2025-04-09 19:04:10.356 | DEBUG    | __main__:<module>:20 - Iteration 1473: Points 1493 (cluster 1493) and 1452 (cluster 1452) connect at weight=165.0
2025-04-09 19:04:10.356 | DEBUG    | __main__:<module>:20 - Iteration 1474: Points 1493 (cluster 3473) and 1438 (cluster 3466) connect at weight=165.0
2025-04-09 19:04:10.357 | DEBUG    | __main__:<module>:20 - Iteration 1475: Points 1488 (cluster 3458) and 1502 (cluster 1502) connect at weight=165.0
2025-04-09 19:04:10.357 | DEBUG    | __main__:<module>:20 - Iteration 1476: Points 1484 (cluster 3472) and 1507 (cluster 1507) connect at weight=165.0
2025-04-09 19:04:10.357 | DEBUG    | __main__:<module>:20 - Iteration 1477: Points 1482 (cluster 3449) and 1490 (cluster 1490) connect at weight=165.0
2025-04-09 19:04:10.357 | DEBUG    | __main__:<module>:20 - Iteration 1478: Points 1480 (cluster 1480) and 1414 (cluster 3424) connect at weight=165.0
2025-04-09 19:04:10.357 | DEBUG    | __main__:<module>:20 - Iteration 1479: Points 1466 (cluster 3460) and 1497 (cluster 1497) connect at weight=165.0
2025-04-09 19:04:10.358 | DEBUG    | __main__:<module>:20 - Iteration 1480: Points 1465 (cluster 3470) and 1482 (cluster 3477) connect at weight=165.0
2025-04-09 19:04:10.358 | DEBUG    | __main__:<module>:20 - Iteration 1481: Points 1459 (cluster 3480) and 1473 (cluster 1473) connect at weight=165.0
2025-04-09 19:04:10.358 | DEBUG    | __main__:<module>:20 - Iteration 1482: Points 1453 (cluster 3474) and 1501 (cluster 3476) connect at weight=165.0
2025-04-09 19:04:10.358 | DEBUG    | __main__:<module>:20 - Iteration 1483: Points 1451 (cluster 3482) and 1505 (cluster 1505) connect at weight=165.0
2025-04-09 19:04:10.358 | DEBUG    | __main__:<module>:20 - Iteration 1484: Points 1446 (cluster 3422) and 1480 (cluster 3478) connect at weight=165.0
2025-04-09 19:04:10.358 | DEBUG    | __main__:<module>:20 - Iteration 1485: Points 1443 (cluster 3483) and 1506 (cluster 1506) connect at weight=165.0
2025-04-09 19:04:10.359 | DEBUG    | __main__:<module>:20 - Iteration 1486: Points 1390 (cluster 3386) and 1508 (cluster 1508) connect at weight=165.0
2025-04-09 19:04:10.359 | DEBUG    | __main__:<module>:20 - Iteration 1487: Points 1528 (cluster 1528) and 1523 (cluster 1523) connect at weight=164.0
2025-04-09 19:04:10.359 | DEBUG    | __main__:<module>:20 - Iteration 1488: Points 1524 (cluster 1524) and 1499 (cluster 1499) connect at weight=164.0
2025-04-09 19:04:10.359 | DEBUG    | __main__:<module>:20 - Iteration 1489: Points 1521 (cluster 1521) and 1495 (cluster 1495) connect at weight=164.0
2025-04-09 19:04:10.359 | DEBUG    | __main__:<module>:20 - Iteration 1490: Points 1516 (cluster 1516) and 1515 (cluster 1515) connect at weight=164.0
2025-04-09 19:04:10.360 | DEBUG    | __main__:<module>:20 - Iteration 1491: Points 1514 (cluster 1514) and 1467 (cluster 3462) connect at weight=164.0
2025-04-09 19:04:10.360 | DEBUG    | __main__:<module>:20 - Iteration 1492: Points 1512 (cluster 1512) and 1485 (cluster 1485) connect at weight=164.0
2025-04-09 19:04:10.360 | DEBUG    | __main__:<module>:20 - Iteration 1493: Points 1510 (cluster 3469) and 1500 (cluster 1500) connect at weight=164.0
2025-04-09 19:04:10.360 | DEBUG    | __main__:<module>:20 - Iteration 1494: Points 1506 (cluster 3485) and 1521 (cluster 3489) connect at weight=164.0
2025-04-09 19:04:10.360 | DEBUG    | __main__:<module>:20 - Iteration 1495: Points 1506 (cluster 3494) and 1503 (cluster 1503) connect at weight=164.0
2025-04-09 19:04:10.360 | DEBUG    | __main__:<module>:20 - Iteration 1496: Points 1504 (cluster 1504) and 1471 (cluster 3455) connect at weight=164.0
2025-04-09 19:04:10.361 | DEBUG    | __main__:<module>:20 - Iteration 1497: Points 1497 (cluster 3479) and 1518 (cluster 1518) connect at weight=164.0
2025-04-09 19:04:10.361 | DEBUG    | __main__:<module>:20 - Iteration 1498: Points 1497 (cluster 3497) and 1517 (cluster 1517) connect at weight=164.0
2025-04-09 19:04:10.361 | DEBUG    | __main__:<module>:20 - Iteration 1499: Points 1494 (cluster 1494) and 1504 (cluster 3496) connect at weight=164.0
2025-04-09 19:04:10.361 | DEBUG    | __main__:<module>:20 - Iteration 1500: Points 1492 (cluster 1492) and 1526 (cluster 1526) connect at weight=164.0
2025-04-09 19:04:10.361 | DEBUG    | __main__:<module>:20 - Iteration 1501: Points 1491 (cluster 1491) and 1447 (cluster 3437) connect at weight=164.0
2025-04-09 19:04:10.362 | DEBUG    | __main__:<module>:20 - Iteration 1502: Points 1490 (cluster 3481) and 1512 (cluster 3492) connect at weight=164.0
2025-04-09 19:04:10.362 | DEBUG    | __main__:<module>:20 - Iteration 1503: Points 1485 (cluster 3502) and 1460 (cluster 3475) connect at weight=164.0
2025-04-09 19:04:10.362 | DEBUG    | __main__:<module>:20 - Iteration 1504: Points 1482 (cluster 3503) and 1516 (cluster 3490) connect at weight=164.0
2025-04-09 19:04:10.362 | DEBUG    | __main__:<module>:20 - Iteration 1505: Points 1476 (cluster 3456) and 1477 (cluster 3498) connect at weight=164.0
2025-04-09 19:04:10.362 | DEBUG    | __main__:<module>:20 - Iteration 1506: Points 1428 (cluster 3501) and 1493 (cluster 3495) connect at weight=164.0
2025-04-09 19:04:10.362 | DEBUG    | __main__:<module>:20 - Iteration 1507: Points 1425 (cluster 3468) and 1492 (cluster 3500) connect at weight=164.0
2025-04-09 19:04:10.363 | DEBUG    | __main__:<module>:20 - Iteration 1508: Points 1423 (cluster 3439) and 1390 (cluster 3486) connect at weight=164.0
2025-04-09 19:04:10.363 | DEBUG    | __main__:<module>:20 - Iteration 1509: Points 1420 (cluster 3507) and 1510 (cluster 3493) connect at weight=164.0
2025-04-09 19:04:10.363 | DEBUG    | __main__:<module>:20 - Iteration 1510: Points 1415 (cluster 3491) and 1528 (cluster 3487) connect at weight=164.0
2025-04-09 19:04:10.363 | DEBUG    | __main__:<module>:20 - Iteration 1511: Points 1415 (cluster 3510) and 1509 (cluster 3504) connect at weight=164.0
2025-04-09 19:04:10.364 | DEBUG    | __main__:<module>:20 - Iteration 1512: Points 1322 (cluster 3508) and 1498 (cluster 1498) connect at weight=164.0
2025-04-09 19:04:10.364 | DEBUG    | __main__:<module>:20 - Iteration 1513: Points 1230 (cluster 3512) and 1522 (cluster 1522) connect at weight=164.0
2025-04-09 19:04:10.364 | DEBUG    | __main__:<module>:20 - Iteration 1514: Points 1537 (cluster 1537) and 1530 (cluster 1530) connect at weight=163.0
2025-04-09 19:04:10.364 | DEBUG    | __main__:<module>:20 - Iteration 1515: Points 1520 (cluster 1520) and 1494 (cluster 3499) connect at weight=163.0
2025-04-09 19:04:10.364 | DEBUG    | __main__:<module>:20 - Iteration 1516: Points 1517 (cluster 3505) and 1513 (cluster 1513) connect at weight=163.0
2025-04-09 19:04:10.364 | DEBUG    | __main__:<module>:20 - Iteration 1517: Points 1513 (cluster 3516) and 1524 (cluster 3488) connect at weight=163.0
2025-04-09 19:04:10.365 | DEBUG    | __main__:<module>:20 - Iteration 1518: Points 1505 (cluster 3506) and 1541 (cluster 1541) connect at weight=163.0
2025-04-09 19:04:10.365 | DEBUG    | __main__:<module>:20 - Iteration 1519: Points 1499 (cluster 3517) and 1514 (cluster 3511) connect at weight=163.0
2025-04-09 19:04:10.365 | DEBUG    | __main__:<module>:20 - Iteration 1520: Points 1493 (cluster 3518) and 1529 (cluster 1529) connect at weight=163.0
2025-04-09 19:04:10.365 | DEBUG    | __main__:<module>:20 - Iteration 1521: Points 1489 (cluster 1489) and 1527 (cluster 1527) connect at weight=163.0
2025-04-09 19:04:10.365 | DEBUG    | __main__:<module>:20 - Iteration 1522: Points 1488 (cluster 3519) and 1540 (cluster 1540) connect at weight=163.0
2025-04-09 19:04:10.366 | DEBUG    | __main__:<module>:20 - Iteration 1523: Points 1471 (cluster 3515) and 1533 (cluster 1533) connect at weight=163.0
2025-04-09 19:04:10.366 | DEBUG    | __main__:<module>:20 - Iteration 1524: Points 1441 (cluster 3513) and 1491 (cluster 3520) connect at weight=163.0
2025-04-09 19:04:10.366 | DEBUG    | __main__:<module>:20 - Iteration 1525: Points 1437 (cluster 3484) and 1511 (cluster 1511) connect at weight=163.0
2025-04-09 19:04:10.366 | DEBUG    | __main__:<module>:20 - Iteration 1526: Points 1415 (cluster 3522) and 1532 (cluster 1532) connect at weight=163.0
2025-04-09 19:04:10.366 | DEBUG    | __main__:<module>:20 - Iteration 1527: Points 1404 (cluster 3524) and 1542 (cluster 1542) connect at weight=163.0
2025-04-09 19:04:10.367 | DEBUG    | __main__:<module>:20 - Iteration 1528: Points 1387 (cluster 3527) and 1534 (cluster 1534) connect at weight=163.0
2025-04-09 19:04:10.367 | DEBUG    | __main__:<module>:20 - Iteration 1529: Points 1381 (cluster 3509) and 1535 (cluster 1535) connect at weight=163.0
2025-04-09 19:04:10.367 | DEBUG    | __main__:<module>:20 - Iteration 1530: Points 1352 (cluster 3528) and 1463 (cluster 3526) connect at weight=163.0
2025-04-09 19:04:10.367 | DEBUG    | __main__:<module>:20 - Iteration 1531: Points 1556 (cluster 1556) and 1555 (cluster 1555) connect at weight=162.0
2025-04-09 19:04:10.367 | DEBUG    | __main__:<module>:20 - Iteration 1532: Points 1556 (cluster 3531) and 1544 (cluster 1544) connect at weight=162.0
2025-04-09 19:04:10.367 | DEBUG    | __main__:<module>:20 - Iteration 1533: Points 1556 (cluster 3532) and 1489 (cluster 3521) connect at weight=162.0
2025-04-09 19:04:10.368 | DEBUG    | __main__:<module>:20 - Iteration 1534: Points 1550 (cluster 1550) and 1546 (cluster 1546) connect at weight=162.0
2025-04-09 19:04:10.368 | DEBUG    | __main__:<module>:20 - Iteration 1535: Points 1543 (cluster 1543) and 1549 (cluster 1549) connect at weight=162.0
2025-04-09 19:04:10.368 | DEBUG    | __main__:<module>:20 - Iteration 1536: Points 1539 (cluster 1539) and 1557 (cluster 1557) connect at weight=162.0
2025-04-09 19:04:10.368 | DEBUG    | __main__:<module>:20 - Iteration 1537: Points 1536 (cluster 1536) and 1548 (cluster 1548) connect at weight=162.0
2025-04-09 19:04:10.368 | DEBUG    | __main__:<module>:20 - Iteration 1538: Points 1533 (cluster 3523) and 1551 (cluster 1551) connect at weight=162.0
2025-04-09 19:04:10.368 | DEBUG    | __main__:<module>:20 - Iteration 1539: Points 1532 (cluster 3530) and 1547 (cluster 1547) connect at weight=162.0
2025-04-09 19:04:10.369 | DEBUG    | __main__:<module>:20 - Iteration 1540: Points 1511 (cluster 3525) and 1556 (cluster 3533) connect at weight=162.0
2025-04-09 19:04:10.369 | DEBUG    | __main__:<module>:20 - Iteration 1541: Points 1494 (cluster 3538) and 1545 (cluster 1545) connect at weight=162.0
2025-04-09 19:04:10.369 | DEBUG    | __main__:<module>:20 - Iteration 1542: Points 1492 (cluster 3529) and 1427 (cluster 3540) connect at weight=162.0
2025-04-09 19:04:10.369 | DEBUG    | __main__:<module>:20 - Iteration 1543: Points 1471 (cluster 3541) and 1539 (cluster 3536) connect at weight=162.0
2025-04-09 19:04:10.369 | DEBUG    | __main__:<module>:20 - Iteration 1544: Points 1568 (cluster 1568) and 1567 (cluster 1567) connect at weight=161.0
2025-04-09 19:04:10.370 | DEBUG    | __main__:<module>:20 - Iteration 1545: Points 1562 (cluster 1562) and 1519 (cluster 1519) connect at weight=161.0
2025-04-09 19:04:10.370 | DEBUG    | __main__:<module>:20 - Iteration 1546: Points 1553 (cluster 1553) and 1562 (cluster 3545) connect at weight=161.0
2025-04-09 19:04:10.370 | DEBUG    | __main__:<module>:20 - Iteration 1547: Points 1549 (cluster 3535) and 1520 (cluster 3543) connect at weight=161.0
2025-04-09 19:04:10.370 | DEBUG    | __main__:<module>:20 - Iteration 1548: Points 1548 (cluster 3537) and 1563 (cluster 1563) connect at weight=161.0
2025-04-09 19:04:10.370 | DEBUG    | __main__:<module>:20 - Iteration 1549: Points 1538 (cluster 1538) and 1552 (cluster 1552) connect at weight=161.0
2025-04-09 19:04:10.371 | DEBUG    | __main__:<module>:20 - Iteration 1550: Points 1537 (cluster 3514) and 1553 (cluster 3546) connect at weight=161.0
2025-04-09 19:04:10.371 | DEBUG    | __main__:<module>:20 - Iteration 1551: Points 1525 (cluster 1525) and 1558 (cluster 1558) connect at weight=161.0
2025-04-09 19:04:10.371 | DEBUG    | __main__:<module>:20 - Iteration 1552: Points 1519 (cluster 3550) and 1525 (cluster 3551) connect at weight=161.0
2025-04-09 19:04:10.371 | DEBUG    | __main__:<module>:20 - Iteration 1553: Points 1510 (cluster 3542) and 1561 (cluster 1561) connect at weight=161.0
2025-04-09 19:04:10.371 | DEBUG    | __main__:<module>:20 - Iteration 1554: Points 1503 (cluster 3539) and 1537 (cluster 3552) connect at weight=161.0
2025-04-09 19:04:10.371 | DEBUG    | __main__:<module>:20 - Iteration 1555: Points 1502 (cluster 3554) and 1531 (cluster 1531) connect at weight=161.0
2025-04-09 19:04:10.372 | DEBUG    | __main__:<module>:20 - Iteration 1556: Points 1467 (cluster 3555) and 1569 (cluster 1569) connect at weight=161.0
2025-04-09 19:04:10.372 | DEBUG    | __main__:<module>:20 - Iteration 1557: Points 1585 (cluster 1585) and 1571 (cluster 1571) connect at weight=160.0
2025-04-09 19:04:10.372 | DEBUG    | __main__:<module>:20 - Iteration 1558: Points 1584 (cluster 1584) and 1573 (cluster 1573) connect at weight=160.0
2025-04-09 19:04:10.372 | DEBUG    | __main__:<module>:20 - Iteration 1559: Points 1578 (cluster 1578) and 1570 (cluster 1570) connect at weight=160.0
2025-04-09 19:04:10.372 | DEBUG    | __main__:<module>:20 - Iteration 1560: Points 1576 (cluster 1576) and 1572 (cluster 1572) connect at weight=160.0
2025-04-09 19:04:10.373 | DEBUG    | __main__:<module>:20 - Iteration 1561: Points 1568 (cluster 3544) and 1584 (cluster 3558) connect at weight=160.0
2025-04-09 19:04:10.373 | DEBUG    | __main__:<module>:20 - Iteration 1562: Points 1566 (cluster 1566) and 1578 (cluster 3559) connect at weight=160.0
2025-04-09 19:04:10.373 | DEBUG    | __main__:<module>:20 - Iteration 1563: Points 1566 (cluster 3562) and 1559 (cluster 1559) connect at weight=160.0
2025-04-09 19:04:10.373 | DEBUG    | __main__:<module>:20 - Iteration 1564: Points 1558 (cluster 3556) and 1536 (cluster 3548) connect at weight=160.0
2025-04-09 19:04:10.373 | DEBUG    | __main__:<module>:20 - Iteration 1565: Points 1557 (cluster 3547) and 1566 (cluster 3563) connect at weight=160.0
2025-04-09 19:04:10.373 | DEBUG    | __main__:<module>:20 - Iteration 1566: Points 1548 (cluster 3564) and 1580 (cluster 1580) connect at weight=160.0
2025-04-09 19:04:10.374 | DEBUG    | __main__:<module>:20 - Iteration 1567: Points 1531 (cluster 3566) and 1575 (cluster 1575) connect at weight=160.0
2025-04-09 19:04:10.374 | DEBUG    | __main__:<module>:20 - Iteration 1568: Points 1525 (cluster 3567) and 1560 (cluster 1560) connect at weight=160.0
2025-04-09 19:04:10.374 | DEBUG    | __main__:<module>:20 - Iteration 1569: Points 1518 (cluster 3568) and 1583 (cluster 1583) connect at weight=160.0
2025-04-09 19:04:10.374 | DEBUG    | __main__:<module>:20 - Iteration 1570: Points 1480 (cluster 3553) and 1582 (cluster 1582) connect at weight=160.0
2025-04-09 19:04:10.374 | DEBUG    | __main__:<module>:20 - Iteration 1571: Points 1401 (cluster 3569) and 1581 (cluster 1581) connect at weight=160.0
2025-04-09 19:04:10.375 | DEBUG    | __main__:<module>:20 - Iteration 1572: Points 1352 (cluster 3571) and 1574 (cluster 1574) connect at weight=160.0
2025-04-09 19:04:10.375 | DEBUG    | __main__:<module>:20 - Iteration 1573: Points 1604 (cluster 1604) and 1597 (cluster 1597) connect at weight=159.0
2025-04-09 19:04:10.375 | DEBUG    | __main__:<module>:20 - Iteration 1574: Points 1602 (cluster 1602) and 1576 (cluster 3560) connect at weight=159.0
2025-04-09 19:04:10.375 | DEBUG    | __main__:<module>:20 - Iteration 1575: Points 1589 (cluster 1589) and 1588 (cluster 1588) connect at weight=159.0
2025-04-09 19:04:10.375 | DEBUG    | __main__:<module>:20 - Iteration 1576: Points 1579 (cluster 1579) and 1596 (cluster 1596) connect at weight=159.0
2025-04-09 19:04:10.375 | DEBUG    | __main__:<module>:20 - Iteration 1577: Points 1578 (cluster 3565) and 1602 (cluster 3574) connect at weight=159.0
2025-04-09 19:04:10.376 | DEBUG    | __main__:<module>:20 - Iteration 1578: Points 1576 (cluster 3577) and 1538 (cluster 3549) connect at weight=159.0
2025-04-09 19:04:10.376 | DEBUG    | __main__:<module>:20 - Iteration 1579: Points 1564 (cluster 1564) and 1603 (cluster 1603) connect at weight=159.0
2025-04-09 19:04:10.376 | DEBUG    | __main__:<module>:20 - Iteration 1580: Points 1554 (cluster 1554) and 1565 (cluster 1565) connect at weight=159.0
2025-04-09 19:04:10.376 | DEBUG    | __main__:<module>:20 - Iteration 1581: Points 1552 (cluster 3578) and 1554 (cluster 3580) connect at weight=159.0
2025-04-09 19:04:10.376 | DEBUG    | __main__:<module>:20 - Iteration 1582: Points 1548 (cluster 3572) and 1590 (cluster 1590) connect at weight=159.0
2025-04-09 19:04:10.376 | DEBUG    | __main__:<module>:20 - Iteration 1583: Points 1541 (cluster 3582) and 1600 (cluster 1600) connect at weight=159.0
2025-04-09 19:04:10.377 | DEBUG    | __main__:<module>:20 - Iteration 1584: Points 1471 (cluster 3581) and 1601 (cluster 1601) connect at weight=159.0
2025-04-09 19:04:10.377 | DEBUG    | __main__:<module>:20 - Iteration 1585: Points 1617 (cluster 1617) and 1592 (cluster 1592) connect at weight=158.0
2025-04-09 19:04:10.377 | DEBUG    | __main__:<module>:20 - Iteration 1586: Points 1612 (cluster 1612) and 1610 (cluster 1610) connect at weight=158.0
2025-04-09 19:04:10.377 | DEBUG    | __main__:<module>:20 - Iteration 1587: Points 1612 (cluster 3586) and 1606 (cluster 1606) connect at weight=158.0
2025-04-09 19:04:10.377 | DEBUG    | __main__:<module>:20 - Iteration 1588: Points 1612 (cluster 3587) and 1605 (cluster 1605) connect at weight=158.0
2025-04-09 19:04:10.378 | DEBUG    | __main__:<module>:20 - Iteration 1589: Points 1607 (cluster 1607) and 1591 (cluster 1591) connect at weight=158.0
2025-04-09 19:04:10.378 | DEBUG    | __main__:<module>:20 - Iteration 1590: Points 1603 (cluster 3579) and 1579 (cluster 3576) connect at weight=158.0
2025-04-09 19:04:10.378 | DEBUG    | __main__:<module>:20 - Iteration 1591: Points 1596 (cluster 3590) and 1599 (cluster 1599) connect at weight=158.0
2025-04-09 19:04:10.378 | DEBUG    | __main__:<module>:20 - Iteration 1592: Points 1596 (cluster 3591) and 1593 (cluster 1593) connect at weight=158.0
2025-04-09 19:04:10.378 | DEBUG    | __main__:<module>:20 - Iteration 1593: Points 1592 (cluster 3585) and 1550 (cluster 3534) connect at weight=158.0
2025-04-09 19:04:10.378 | DEBUG    | __main__:<module>:20 - Iteration 1594: Points 1589 (cluster 3575) and 1615 (cluster 1615) connect at weight=158.0
2025-04-09 19:04:10.379 | DEBUG    | __main__:<module>:20 - Iteration 1595: Points 1587 (cluster 1587) and 1577 (cluster 1577) connect at weight=158.0
2025-04-09 19:04:10.379 | DEBUG    | __main__:<module>:20 - Iteration 1596: Points 1586 (cluster 1586) and 1604 (cluster 3573) connect at weight=158.0
2025-04-09 19:04:10.379 | DEBUG    | __main__:<module>:20 - Iteration 1597: Points 1580 (cluster 3583) and 1616 (cluster 1616) connect at weight=158.0
2025-04-09 19:04:10.379 | DEBUG    | __main__:<module>:20 - Iteration 1598: Points 1577 (cluster 3595) and 1585 (cluster 3557) connect at weight=158.0
2025-04-09 19:04:10.379 | DEBUG    | __main__:<module>:20 - Iteration 1599: Points 1565 (cluster 3584) and 1589 (cluster 3594) connect at weight=158.0
2025-04-09 19:04:10.380 | DEBUG    | __main__:<module>:20 - Iteration 1600: Points 1562 (cluster 3597) and 1594 (cluster 1594) connect at weight=158.0
2025-04-09 19:04:10.380 | DEBUG    | __main__:<module>:20 - Iteration 1601: Points 1531 (cluster 3600) and 1568 (cluster 3561) connect at weight=158.0
2025-04-09 19:04:10.380 | DEBUG    | __main__:<module>:20 - Iteration 1602: Points 1527 (cluster 3570) and 1543 (cluster 3599) connect at weight=158.0
2025-04-09 19:04:10.380 | DEBUG    | __main__:<module>:20 - Iteration 1603: Points 1510 (cluster 3602) and 1617 (cluster 3593) connect at weight=158.0
2025-04-09 19:04:10.380 | DEBUG    | __main__:<module>:20 - Iteration 1604: Points 1410 (cluster 3603) and 1611 (cluster 1611) connect at weight=158.0
2025-04-09 19:04:10.380 | DEBUG    | __main__:<module>:20 - Iteration 1605: Points 1633 (cluster 1633) and 1628 (cluster 1628) connect at weight=157.0
2025-04-09 19:04:10.381 | DEBUG    | __main__:<module>:20 - Iteration 1606: Points 1632 (cluster 1632) and 1613 (cluster 1613) connect at weight=157.0
2025-04-09 19:04:10.381 | DEBUG    | __main__:<module>:20 - Iteration 1607: Points 1624 (cluster 1624) and 1622 (cluster 1622) connect at weight=157.0
2025-04-09 19:04:10.381 | DEBUG    | __main__:<module>:20 - Iteration 1608: Points 1624 (cluster 3607) and 1608 (cluster 1608) connect at weight=157.0
2025-04-09 19:04:10.381 | DEBUG    | __main__:<module>:20 - Iteration 1609: Points 1612 (cluster 3588) and 1624 (cluster 3608) connect at weight=157.0
2025-04-09 19:04:10.381 | DEBUG    | __main__:<module>:20 - Iteration 1610: Points 1609 (cluster 1609) and 1627 (cluster 1627) connect at weight=157.0
2025-04-09 19:04:10.382 | DEBUG    | __main__:<module>:20 - Iteration 1611: Points 1604 (cluster 3596) and 1607 (cluster 3589) connect at weight=157.0
2025-04-09 19:04:10.382 | DEBUG    | __main__:<module>:20 - Iteration 1612: Points 1599 (cluster 3592) and 1632 (cluster 3606) connect at weight=157.0
2025-04-09 19:04:10.382 | DEBUG    | __main__:<module>:20 - Iteration 1613: Points 1591 (cluster 3611) and 1612 (cluster 3609) connect at weight=157.0
2025-04-09 19:04:10.382 | DEBUG    | __main__:<module>:20 - Iteration 1614: Points 1584 (cluster 3601) and 1619 (cluster 1619) connect at weight=157.0
2025-04-09 19:04:10.382 | DEBUG    | __main__:<module>:20 - Iteration 1615: Points 1527 (cluster 3604) and 1595 (cluster 1595) connect at weight=157.0
2025-04-09 19:04:10.382 | DEBUG    | __main__:<module>:20 - Iteration 1616: Points 1526 (cluster 3615) and 1620 (cluster 1620) connect at weight=157.0
2025-04-09 19:04:10.383 | DEBUG    | __main__:<module>:20 - Iteration 1617: Points 1520 (cluster 3616) and 1625 (cluster 1625) connect at weight=157.0
2025-04-09 19:04:10.383 | DEBUG    | __main__:<module>:20 - Iteration 1618: Points 1634 (cluster 1634) and 1623 (cluster 1623) connect at weight=156.0
2025-04-09 19:04:10.383 | DEBUG    | __main__:<module>:20 - Iteration 1619: Points 1632 (cluster 3612) and 1638 (cluster 1638) connect at weight=156.0
2025-04-09 19:04:10.383 | DEBUG    | __main__:<module>:20 - Iteration 1620: Points 1631 (cluster 1631) and 1637 (cluster 1637) connect at weight=156.0
2025-04-09 19:04:10.383 | DEBUG    | __main__:<module>:20 - Iteration 1621: Points 1630 (cluster 1630) and 1626 (cluster 1626) connect at weight=156.0
2025-04-09 19:04:10.384 | DEBUG    | __main__:<module>:20 - Iteration 1622: Points 1629 (cluster 1629) and 1631 (cluster 3620) connect at weight=156.0
2025-04-09 19:04:10.384 | DEBUG    | __main__:<module>:20 - Iteration 1623: Points 1624 (cluster 3613) and 1633 (cluster 3605) connect at weight=156.0
2025-04-09 19:04:10.384 | DEBUG    | __main__:<module>:20 - Iteration 1624: Points 1623 (cluster 3618) and 1587 (cluster 3598) connect at weight=156.0
2025-04-09 19:04:10.384 | DEBUG    | __main__:<module>:20 - Iteration 1625: Points 1618 (cluster 1618) and 1564 (cluster 3619) connect at weight=156.0
2025-04-09 19:04:10.384 | DEBUG    | __main__:<module>:20 - Iteration 1626: Points 1615 (cluster 3617) and 1634 (cluster 3624) connect at weight=156.0
2025-04-09 19:04:10.384 | DEBUG    | __main__:<module>:20 - Iteration 1627: Points 1590 (cluster 3614) and 1636 (cluster 1636) connect at weight=156.0
2025-04-09 19:04:10.385 | DEBUG    | __main__:<module>:20 - Iteration 1628: Points 1550 (cluster 3626) and 1609 (cluster 3610) connect at weight=156.0
2025-04-09 19:04:10.385 | DEBUG    | __main__:<module>:20 - Iteration 1629: Points 1463 (cluster 3627) and 1635 (cluster 1635) connect at weight=156.0
2025-04-09 19:04:10.385 | DEBUG    | __main__:<module>:20 - Iteration 1630: Points 1645 (cluster 1645) and 1640 (cluster 1640) connect at weight=155.0
2025-04-09 19:04:10.385 | DEBUG    | __main__:<module>:20 - Iteration 1631: Points 1637 (cluster 3622) and 1645 (cluster 3630) connect at weight=155.0
2025-04-09 19:04:10.385 | DEBUG    | __main__:<module>:20 - Iteration 1632: Points 1627 (cluster 3628) and 1586 (cluster 3623) connect at weight=155.0
2025-04-09 19:04:10.386 | DEBUG    | __main__:<module>:20 - Iteration 1633: Points 1616 (cluster 3629) and 1649 (cluster 1649) connect at weight=155.0
2025-04-09 19:04:10.386 | DEBUG    | __main__:<module>:20 - Iteration 1634: Points 1584 (cluster 3633) and 1621 (cluster 1621) connect at weight=155.0
2025-04-09 19:04:10.386 | DEBUG    | __main__:<module>:20 - Iteration 1635: Points 1582 (cluster 3632) and 1646 (cluster 1646) connect at weight=155.0
2025-04-09 19:04:10.386 | DEBUG    | __main__:<module>:20 - Iteration 1636: Points 1666 (cluster 1666) and 1655 (cluster 1655) connect at weight=154.0
2025-04-09 19:04:10.386 | DEBUG    | __main__:<module>:20 - Iteration 1637: Points 1664 (cluster 1664) and 1641 (cluster 1641) connect at weight=154.0
2025-04-09 19:04:10.386 | DEBUG    | __main__:<module>:20 - Iteration 1638: Points 1663 (cluster 1663) and 1629 (cluster 3631) connect at weight=154.0
2025-04-09 19:04:10.387 | DEBUG    | __main__:<module>:20 - Iteration 1639: Points 1659 (cluster 1659) and 1644 (cluster 1644) connect at weight=154.0
2025-04-09 19:04:10.387 | DEBUG    | __main__:<module>:20 - Iteration 1640: Points 1657 (cluster 1657) and 1639 (cluster 1639) connect at weight=154.0
2025-04-09 19:04:10.387 | DEBUG    | __main__:<module>:20 - Iteration 1641: Points 1645 (cluster 3638) and 1642 (cluster 1642) connect at weight=154.0
2025-04-09 19:04:10.387 | DEBUG    | __main__:<module>:20 - Iteration 1642: Points 1643 (cluster 1643) and 1664 (cluster 3637) connect at weight=154.0
2025-04-09 19:04:10.387 | DEBUG    | __main__:<module>:20 - Iteration 1643: Points 1642 (cluster 3641) and 1651 (cluster 1651) connect at weight=154.0
2025-04-09 19:04:10.388 | DEBUG    | __main__:<module>:20 - Iteration 1644: Points 1636 (cluster 3634) and 1643 (cluster 3642) connect at weight=154.0
2025-04-09 19:04:10.388 | DEBUG    | __main__:<module>:20 - Iteration 1645: Points 1626 (cluster 3621) and 1659 (cluster 3639) connect at weight=154.0
2025-04-09 19:04:10.388 | DEBUG    | __main__:<module>:20 - Iteration 1646: Points 1614 (cluster 1614) and 1653 (cluster 1653) connect at weight=154.0
2025-04-09 19:04:10.388 | DEBUG    | __main__:<module>:20 - Iteration 1647: Points 1614 (cluster 3646) and 1598 (cluster 1598) connect at weight=154.0
2025-04-09 19:04:10.388 | DEBUG    | __main__:<module>:20 - Iteration 1648: Points 1612 (cluster 3635) and 1668 (cluster 1668) connect at weight=154.0
2025-04-09 19:04:10.388 | DEBUG    | __main__:<module>:20 - Iteration 1649: Points 1599 (cluster 3625) and 1614 (cluster 3647) connect at weight=154.0
2025-04-09 19:04:10.389 | DEBUG    | __main__:<module>:20 - Iteration 1650: Points 1585 (cluster 3648) and 1630 (cluster 3645) connect at weight=154.0
2025-04-09 19:04:10.389 | DEBUG    | __main__:<module>:20 - Iteration 1651: Points 1481 (cluster 3644) and 1658 (cluster 1658) connect at weight=154.0
2025-04-09 19:04:10.389 | DEBUG    | __main__:<module>:20 - Iteration 1652: Points 1675 (cluster 1675) and 1661 (cluster 1661) connect at weight=153.0
2025-04-09 19:04:10.389 | DEBUG    | __main__:<module>:20 - Iteration 1653: Points 1671 (cluster 1671) and 1670 (cluster 1670) connect at weight=153.0
2025-04-09 19:04:10.389 | DEBUG    | __main__:<module>:20 - Iteration 1654: Points 1671 (cluster 3653) and 1669 (cluster 1669) connect at weight=153.0
2025-04-09 19:04:10.390 | DEBUG    | __main__:<module>:20 - Iteration 1655: Points 1671 (cluster 3654) and 1657 (cluster 3640) connect at weight=153.0
2025-04-09 19:04:10.390 | DEBUG    | __main__:<module>:20 - Iteration 1656: Points 1667 (cluster 1667) and 1660 (cluster 1660) connect at weight=153.0
2025-04-09 19:04:10.390 | DEBUG    | __main__:<module>:20 - Iteration 1657: Points 1667 (cluster 3656) and 1618 (cluster 3649) connect at weight=153.0
2025-04-09 19:04:10.390 | DEBUG    | __main__:<module>:20 - Iteration 1658: Points 1666 (cluster 3636) and 1675 (cluster 3652) connect at weight=153.0
2025-04-09 19:04:10.390 | DEBUG    | __main__:<module>:20 - Iteration 1659: Points 1664 (cluster 3651) and 1654 (cluster 1654) connect at weight=153.0
2025-04-09 19:04:10.390 | DEBUG    | __main__:<module>:20 - Iteration 1660: Points 1654 (cluster 3659) and 1647 (cluster 1647) connect at weight=153.0
2025-04-09 19:04:10.391 | DEBUG    | __main__:<module>:20 - Iteration 1661: Points 1652 (cluster 1652) and 1674 (cluster 1674) connect at weight=153.0
2025-04-09 19:04:10.391 | DEBUG    | __main__:<module>:20 - Iteration 1662: Points 1651 (cluster 3643) and 1648 (cluster 1648) connect at weight=153.0
2025-04-09 19:04:10.391 | DEBUG    | __main__:<module>:20 - Iteration 1663: Points 1648 (cluster 3662) and 1671 (cluster 3655) connect at weight=153.0
2025-04-09 19:04:10.391 | DEBUG    | __main__:<module>:20 - Iteration 1664: Points 1644 (cluster 3650) and 1665 (cluster 1665) connect at weight=153.0
2025-04-09 19:04:10.391 | DEBUG    | __main__:<module>:20 - Iteration 1665: Points 1633 (cluster 3664) and 1667 (cluster 3657) connect at weight=153.0
2025-04-09 19:04:10.392 | DEBUG    | __main__:<module>:20 - Iteration 1666: Points 1607 (cluster 3665) and 1656 (cluster 1656) connect at weight=153.0
2025-04-09 19:04:10.392 | DEBUG    | __main__:<module>:20 - Iteration 1667: Points 1598 (cluster 3666) and 1666 (cluster 3658) connect at weight=153.0
2025-04-09 19:04:10.392 | DEBUG    | __main__:<module>:20 - Iteration 1668: Points 1598 (cluster 3667) and 1662 (cluster 1662) connect at weight=153.0
2025-04-09 19:04:10.392 | DEBUG    | __main__:<module>:20 - Iteration 1669: Points 1690 (cluster 1690) and 1652 (cluster 3661) connect at weight=152.0
2025-04-09 19:04:10.392 | DEBUG    | __main__:<module>:20 - Iteration 1670: Points 1684 (cluster 1684) and 1681 (cluster 1681) connect at weight=152.0
2025-04-09 19:04:10.392 | DEBUG    | __main__:<module>:20 - Iteration 1671: Points 1684 (cluster 3670) and 1677 (cluster 1677) connect at weight=152.0
2025-04-09 19:04:10.393 | DEBUG    | __main__:<module>:20 - Iteration 1672: Points 1676 (cluster 1676) and 1682 (cluster 1682) connect at weight=152.0
2025-04-09 19:04:10.393 | DEBUG    | __main__:<module>:20 - Iteration 1673: Points 1674 (cluster 3669) and 1650 (cluster 1650) connect at weight=152.0
2025-04-09 19:04:10.393 | DEBUG    | __main__:<module>:20 - Iteration 1674: Points 1673 (cluster 1673) and 1678 (cluster 1678) connect at weight=152.0
2025-04-09 19:04:10.393 | DEBUG    | __main__:<module>:20 - Iteration 1675: Points 1672 (cluster 1672) and 1684 (cluster 3671) connect at weight=152.0
2025-04-09 19:04:10.393 | DEBUG    | __main__:<module>:20 - Iteration 1676: Points 1671 (cluster 3663) and 1687 (cluster 1687) connect at weight=152.0
2025-04-09 19:04:10.394 | DEBUG    | __main__:<module>:20 - Iteration 1677: Points 1667 (cluster 3668) and 1685 (cluster 1685) connect at weight=152.0
2025-04-09 19:04:10.394 | DEBUG    | __main__:<module>:20 - Iteration 1678: Points 1664 (cluster 3660) and 1679 (cluster 1679) connect at weight=152.0
2025-04-09 19:04:10.394 | DEBUG    | __main__:<module>:20 - Iteration 1679: Points 1661 (cluster 3677) and 1683 (cluster 1683) connect at weight=152.0
2025-04-09 19:04:10.402 | DEBUG    | __main__:<module>:20 - Iteration 1680: Points 1626 (cluster 3679) and 1690 (cluster 3673) connect at weight=152.0
2025-04-09 19:04:10.404 | DEBUG    | __main__:<module>:20 - Iteration 1681: Points 1621 (cluster 3678) and 1663 (cluster 3676) connect at weight=152.0
2025-04-09 19:04:10.404 | DEBUG    | __main__:<module>:20 - Iteration 1682: Points 1550 (cluster 3680) and 1691 (cluster 1691) connect at weight=152.0
2025-04-09 19:04:10.404 | DEBUG    | __main__:<module>:20 - Iteration 1683: Points 1695 (cluster 1695) and 1673 (cluster 3674) connect at weight=151.0
2025-04-09 19:04:10.404 | DEBUG    | __main__:<module>:20 - Iteration 1684: Points 1691 (cluster 3682) and 1693 (cluster 1693) connect at weight=151.0
2025-04-09 19:04:10.404 | DEBUG    | __main__:<module>:20 - Iteration 1685: Points 1686 (cluster 1686) and 1689 (cluster 1689) connect at weight=151.0
2025-04-09 19:04:10.404 | DEBUG    | __main__:<module>:20 - Iteration 1686: Points 1683 (cluster 3684) and 1696 (cluster 1696) connect at weight=151.0
2025-04-09 19:04:10.405 | DEBUG    | __main__:<module>:20 - Iteration 1687: Points 1683 (cluster 3686) and 1686 (cluster 3685) connect at weight=151.0
2025-04-09 19:04:10.405 | DEBUG    | __main__:<module>:20 - Iteration 1688: Points 1680 (cluster 1680) and 1695 (cluster 3683) connect at weight=151.0
2025-04-09 19:04:10.405 | DEBUG    | __main__:<module>:20 - Iteration 1689: Points 1678 (cluster 3688) and 1672 (cluster 3675) connect at weight=151.0
2025-04-09 19:04:10.405 | DEBUG    | __main__:<module>:20 - Iteration 1690: Points 1650 (cluster 3687) and 1680 (cluster 3689) connect at weight=151.0
2025-04-09 19:04:10.405 | DEBUG    | __main__:<module>:20 - Iteration 1691: Points 1699 (cluster 1699) and 1688 (cluster 1688) connect at weight=150.0
2025-04-09 19:04:10.406 | DEBUG    | __main__:<module>:20 - Iteration 1692: Points 1694 (cluster 1694) and 1700 (cluster 1700) connect at weight=150.0
2025-04-09 19:04:10.406 | DEBUG    | __main__:<module>:20 - Iteration 1693: Points 1694 (cluster 3692) and 1699 (cluster 3691) connect at weight=150.0
2025-04-09 19:04:10.407 | DEBUG    | __main__:<module>:20 - Iteration 1694: Points 1687 (cluster 3681) and 1701 (cluster 1701) connect at weight=150.0
2025-04-09 19:04:10.408 | DEBUG    | __main__:<module>:20 - Iteration 1695: Points 1676 (cluster 3672) and 1694 (cluster 3693) connect at weight=150.0
2025-04-09 19:04:10.408 | DEBUG    | __main__:<module>:20 - Iteration 1696: Points 1674 (cluster 3690) and 1702 (cluster 1702) connect at weight=150.0
2025-04-09 19:04:10.408 | DEBUG    | __main__:<module>:20 - Iteration 1697: Points 1657 (cluster 3694) and 1697 (cluster 1697) connect at weight=150.0
2025-04-09 19:04:10.408 | DEBUG    | __main__:<module>:20 - Iteration 1698: Points 1654 (cluster 3697) and 1703 (cluster 1703) connect at weight=150.0
2025-04-09 19:04:10.408 | DEBUG    | __main__:<module>:20 - Iteration 1699: Points 1647 (cluster 3698) and 1692 (cluster 1692) connect at weight=150.0
2025-04-09 19:04:10.409 | DEBUG    | __main__:<module>:20 - Iteration 1700: Points 1639 (cluster 3699) and 1676 (cluster 3695) connect at weight=150.0
2025-04-09 19:04:10.409 | DEBUG    | __main__:<module>:20 - Iteration 1701: Points 1713 (cluster 1713) and 1707 (cluster 1707) connect at weight=149.0
2025-04-09 19:04:10.409 | DEBUG    | __main__:<module>:20 - Iteration 1702: Points 1713 (cluster 3701) and 1698 (cluster 1698) connect at weight=149.0
2025-04-09 19:04:10.409 | DEBUG    | __main__:<module>:20 - Iteration 1703: Points 1708 (cluster 1708) and 1705 (cluster 1705) connect at weight=149.0
2025-04-09 19:04:10.409 | DEBUG    | __main__:<module>:20 - Iteration 1704: Points 1701 (cluster 3700) and 1711 (cluster 1711) connect at weight=149.0
2025-04-09 19:04:10.410 | DEBUG    | __main__:<module>:20 - Iteration 1705: Points 1700 (cluster 3704) and 1713 (cluster 3702) connect at weight=149.0
2025-04-09 19:04:10.410 | DEBUG    | __main__:<module>:20 - Iteration 1706: Points 1698 (cluster 3705) and 1714 (cluster 1714) connect at weight=149.0
2025-04-09 19:04:10.410 | DEBUG    | __main__:<module>:20 - Iteration 1707: Points 1697 (cluster 3706) and 1709 (cluster 1709) connect at weight=149.0
2025-04-09 19:04:10.410 | DEBUG    | __main__:<module>:20 - Iteration 1708: Points 1689 (cluster 3696) and 1712 (cluster 1712) connect at weight=149.0
2025-04-09 19:04:10.411 | DEBUG    | __main__:<module>:20 - Iteration 1709: Points 1651 (cluster 3707) and 1706 (cluster 1706) connect at weight=149.0
2025-04-09 19:04:10.411 | DEBUG    | __main__:<module>:20 - Iteration 1710: Points 1710 (cluster 1710) and 1704 (cluster 1704) connect at weight=148.0
2025-04-09 19:04:10.411 | DEBUG    | __main__:<module>:20 - Iteration 1711: Points 1708 (cluster 3703) and 1717 (cluster 1717) connect at weight=148.0
2025-04-09 19:04:10.411 | DEBUG    | __main__:<module>:20 - Iteration 1712: Points 1703 (cluster 3709) and 1718 (cluster 1718) connect at weight=148.0
2025-04-09 19:04:10.411 | DEBUG    | __main__:<module>:20 - Iteration 1713: Points 1677 (cluster 3708) and 1710 (cluster 3710) connect at weight=148.0
2025-04-09 19:04:10.412 | DEBUG    | __main__:<module>:20 - Iteration 1714: Points 1720 (cluster 1720) and 1708 (cluster 3711) connect at weight=147.0
2025-04-09 19:04:10.412 | DEBUG    | __main__:<module>:20 - Iteration 1715: Points 1717 (cluster 3714) and 1719 (cluster 1719) connect at weight=147.0
2025-04-09 19:04:10.412 | DEBUG    | __main__:<module>:20 - Iteration 1716: Points 1716 (cluster 1716) and 1715 (cluster 1715) connect at weight=147.0
2025-04-09 19:04:10.412 | DEBUG    | __main__:<module>:20 - Iteration 1717: Points 1695 (cluster 3713) and 1721 (cluster 1721) connect at weight=147.0
2025-04-09 19:04:10.412 | DEBUG    | __main__:<module>:20 - Iteration 1718: Points 1692 (cluster 3712) and 1716 (cluster 3716) connect at weight=147.0
2025-04-09 19:04:10.412 | DEBUG    | __main__:<module>:20 - Iteration 1719: Points 1678 (cluster 3717) and 1722 (cluster 1722) connect at weight=147.0
2025-04-09 19:04:10.413 | DEBUG    | __main__:<module>:20 - Iteration 1720: Points 1727 (cluster 1727) and 1725 (cluster 1725) connect at weight=146.0
2025-04-09 19:04:10.413 | DEBUG    | __main__:<module>:20 - Iteration 1721: Points 1723 (cluster 1723) and 1720 (cluster 3715) connect at weight=146.0
2025-04-09 19:04:10.413 | DEBUG    | __main__:<module>:20 - Iteration 1722: Points 1718 (cluster 3718) and 1724 (cluster 1724) connect at weight=146.0
2025-04-09 19:04:10.413 | DEBUG    | __main__:<module>:20 - Iteration 1723: Points 1715 (cluster 3722) and 1728 (cluster 1728) connect at weight=146.0
2025-04-09 19:04:10.413 | DEBUG    | __main__:<module>:20 - Iteration 1724: Points 1684 (cluster 3719) and 1729 (cluster 1729) connect at weight=146.0
2025-04-09 19:04:10.414 | DEBUG    | __main__:<module>:20 - Iteration 1725: Points 1736 (cluster 1736) and 1735 (cluster 1735) connect at weight=145.0
2025-04-09 19:04:10.414 | DEBUG    | __main__:<module>:20 - Iteration 1726: Points 1729 (cluster 3724) and 1737 (cluster 1737) connect at weight=145.0
2025-04-09 19:04:10.414 | DEBUG    | __main__:<module>:20 - Iteration 1727: Points 1726 (cluster 1726) and 1731 (cluster 1731) connect at weight=145.0
2025-04-09 19:04:10.414 | DEBUG    | __main__:<module>:20 - Iteration 1728: Points 1723 (cluster 3721) and 1732 (cluster 1732) connect at weight=145.0
2025-04-09 19:04:10.414 | DEBUG    | __main__:<module>:20 - Iteration 1729: Points 1712 (cluster 3726) and 1736 (cluster 3725) connect at weight=145.0
2025-04-09 19:04:10.415 | DEBUG    | __main__:<module>:20 - Iteration 1730: Points 1704 (cluster 3729) and 1723 (cluster 3728) connect at weight=145.0
2025-04-09 19:04:10.415 | DEBUG    | __main__:<module>:20 - Iteration 1731: Points 1740 (cluster 1740) and 1739 (cluster 1739) connect at weight=144.0
2025-04-09 19:04:10.415 | DEBUG    | __main__:<module>:20 - Iteration 1732: Points 1738 (cluster 1738) and 1727 (cluster 3720) connect at weight=144.0
2025-04-09 19:04:10.415 | DEBUG    | __main__:<module>:20 - Iteration 1733: Points 1733 (cluster 1733) and 1738 (cluster 3732) connect at weight=144.0
2025-04-09 19:04:10.415 | DEBUG    | __main__:<module>:20 - Iteration 1734: Points 1731 (cluster 3727) and 1734 (cluster 1734) connect at weight=144.0
2025-04-09 19:04:10.415 | DEBUG    | __main__:<module>:20 - Iteration 1735: Points 1727 (cluster 3733) and 1740 (cluster 3731) connect at weight=144.0
2025-04-09 19:04:10.416 | DEBUG    | __main__:<module>:20 - Iteration 1736: Points 1727 (cluster 3735) and 1730 (cluster 1730) connect at weight=144.0
2025-04-09 19:04:10.416 | DEBUG    | __main__:<module>:20 - Iteration 1737: Points 1726 (cluster 3734) and 1741 (cluster 1741) connect at weight=144.0
2025-04-09 19:04:10.416 | DEBUG    | __main__:<module>:20 - Iteration 1738: Points 1717 (cluster 3730) and 1733 (cluster 3736) connect at weight=144.0
2025-04-09 19:04:10.416 | DEBUG    | __main__:<module>:20 - Iteration 1739: Points 1713 (cluster 3723) and 1726 (cluster 3737) connect at weight=144.0
2025-04-09 19:04:10.416 | DEBUG    | __main__:<module>:20 - Iteration 1740: Points 1728 (cluster 3739) and 1742 (cluster 1742) connect at weight=143.0
2025-04-09 19:04:10.416 | DEBUG    | __main__:<module>:20 - Iteration 1741: Points 1744 (cluster 1744) and 1743 (cluster 1743) connect at weight=142.0
2025-04-09 19:04:10.417 | DEBUG    | __main__:<module>:20 - Iteration 1742: Points 1736 (cluster 3738) and 1744 (cluster 3741) connect at weight=142.0
2025-04-09 19:04:10.417 | DEBUG    | __main__:<module>:20 - Iteration 1743: Points 1745 (cluster 1745) and 1746 (cluster 1746) connect at weight=141.0
2025-04-09 19:04:10.417 | DEBUG    | __main__:<module>:20 - Iteration 1744: Points 1742 (cluster 3740) and 1747 (cluster 1747) connect at weight=141.0
2025-04-09 19:04:10.417 | DEBUG    | __main__:<module>:20 - Iteration 1745: Points 1754 (cluster 1754) and 1749 (cluster 1749) connect at weight=140.0
2025-04-09 19:04:10.417 | DEBUG    | __main__:<module>:20 - Iteration 1746: Points 1752 (cluster 1752) and 1750 (cluster 1750) connect at weight=140.0
2025-04-09 19:04:10.418 | DEBUG    | __main__:<module>:20 - Iteration 1747: Points 1748 (cluster 1748) and 1752 (cluster 3746) connect at weight=140.0
2025-04-09 19:04:10.418 | DEBUG    | __main__:<module>:20 - Iteration 1748: Points 1746 (cluster 3743) and 1754 (cluster 3745) connect at weight=140.0
2025-04-09 19:04:10.418 | DEBUG    | __main__:<module>:20 - Iteration 1749: Points 1746 (cluster 3748) and 1753 (cluster 1753) connect at weight=140.0
2025-04-09 19:04:10.418 | DEBUG    | __main__:<module>:20 - Iteration 1750: Points 1746 (cluster 3749) and 1748 (cluster 3747) connect at weight=140.0
2025-04-09 19:04:10.418 | DEBUG    | __main__:<module>:20 - Iteration 1751: Points 1740 (cluster 3742) and 1745 (cluster 3750) connect at weight=140.0
2025-04-09 19:04:10.418 | DEBUG    | __main__:<module>:20 - Iteration 1752: Points 1736 (cluster 3751) and 1751 (cluster 1751) connect at weight=140.0
2025-04-09 19:04:10.419 | DEBUG    | __main__:<module>:20 - Iteration 1753: Points 1757 (cluster 1757) and 1756 (cluster 1756) connect at weight=139.0
2025-04-09 19:04:10.419 | DEBUG    | __main__:<module>:20 - Iteration 1754: Points 1754 (cluster 3752) and 1757 (cluster 3753) connect at weight=139.0
2025-04-09 19:04:10.419 | DEBUG    | __main__:<module>:20 - Iteration 1755: Points 1751 (cluster 3754) and 1755 (cluster 1755) connect at weight=139.0
2025-04-09 19:04:10.419 | DEBUG    | __main__:<module>:20 - Iteration 1756: Points 1734 (cluster 3744) and 1759 (cluster 1759) connect at weight=138.0
2025-04-09 19:04:10.419 | DEBUG    | __main__:<module>:20 - Iteration 1757: Points 1764 (cluster 1764) and 1763 (cluster 1763) connect at weight=137.0
2025-04-09 19:04:10.420 | DEBUG    | __main__:<module>:20 - Iteration 1758: Points 1755 (cluster 3755) and 1762 (cluster 1762) connect at weight=137.0
2025-04-09 19:04:10.420 | DEBUG    | __main__:<module>:20 - Iteration 1759: Points 1754 (cluster 3758) and 1764 (cluster 3757) connect at weight=137.0
2025-04-09 19:04:10.420 | DEBUG    | __main__:<module>:20 - Iteration 1760: Points 1747 (cluster 3756) and 1758 (cluster 1758) connect at weight=137.0
2025-04-09 19:04:10.420 | DEBUG    | __main__:<module>:20 - Iteration 1761: Points 1734 (cluster 3760) and 1761 (cluster 1761) connect at weight=137.0
2025-04-09 19:04:10.420 | DEBUG    | __main__:<module>:20 - Iteration 1762: Points 1734 (cluster 3761) and 1760 (cluster 1760) connect at weight=137.0
2025-04-09 19:04:10.420 | DEBUG    | __main__:<module>:20 - Iteration 1763: Points 1769 (cluster 1769) and 1768 (cluster 1768) connect at weight=136.0
2025-04-09 19:04:10.421 | DEBUG    | __main__:<module>:20 - Iteration 1764: Points 1764 (cluster 3759) and 1766 (cluster 1766) connect at weight=136.0
2025-04-09 19:04:10.421 | DEBUG    | __main__:<module>:20 - Iteration 1765: Points 1762 (cluster 3764) and 1769 (cluster 3763) connect at weight=136.0
2025-04-09 19:04:10.421 | DEBUG    | __main__:<module>:20 - Iteration 1766: Points 1759 (cluster 3762) and 1765 (cluster 1765) connect at weight=136.0
2025-04-09 19:04:10.421 | DEBUG    | __main__:<module>:20 - Iteration 1767: Points 1757 (cluster 3765) and 1767 (cluster 1767) connect at weight=136.0
2025-04-09 19:04:10.421 | DEBUG    | __main__:<module>:20 - Iteration 1768: Points 1773 (cluster 1773) and 1772 (cluster 1772) connect at weight=135.0
2025-04-09 19:04:10.422 | DEBUG    | __main__:<module>:20 - Iteration 1769: Points 1769 (cluster 3767) and 1771 (cluster 1771) connect at weight=135.0
2025-04-09 19:04:10.422 | DEBUG    | __main__:<module>:20 - Iteration 1770: Points 1766 (cluster 3769) and 1774 (cluster 1774) connect at weight=135.0
2025-04-09 19:04:10.422 | DEBUG    | __main__:<module>:20 - Iteration 1771: Points 1760 (cluster 3766) and 1770 (cluster 1770) connect at weight=135.0
2025-04-09 19:04:10.422 | DEBUG    | __main__:<module>:20 - Iteration 1772: Points 1758 (cluster 3771) and 1773 (cluster 3768) connect at weight=135.0
2025-04-09 19:04:10.422 | DEBUG    | __main__:<module>:20 - Iteration 1773: Points 1776 (cluster 1776) and 1775 (cluster 1775) connect at weight=134.0
2025-04-09 19:04:10.423 | DEBUG    | __main__:<module>:20 - Iteration 1774: Points 1770 (cluster 3772) and 1776 (cluster 3773) connect at weight=134.0
2025-04-09 19:04:10.423 | DEBUG    | __main__:<module>:20 - Iteration 1775: Points 1769 (cluster 3770) and 1777 (cluster 1777) connect at weight=134.0
2025-04-09 19:04:10.423 | DEBUG    | __main__:<module>:20 - Iteration 1776: Points 1782 (cluster 1782) and 1780 (cluster 1780) connect at weight=133.0
2025-04-09 19:04:10.423 | DEBUG    | __main__:<module>:20 - Iteration 1777: Points 1782 (cluster 3776) and 1778 (cluster 1778) connect at weight=133.0
2025-04-09 19:04:10.423 | DEBUG    | __main__:<module>:20 - Iteration 1778: Points 1774 (cluster 3775) and 1781 (cluster 1781) connect at weight=133.0
2025-04-09 19:04:10.423 | DEBUG    | __main__:<module>:20 - Iteration 1779: Points 1774 (cluster 3778) and 1779 (cluster 1779) connect at weight=133.0
2025-04-09 19:04:10.424 | DEBUG    | __main__:<module>:20 - Iteration 1780: Points 1773 (cluster 3774) and 1782 (cluster 3777) connect at weight=133.0
2025-04-09 19:04:10.424 | DEBUG    | __main__:<module>:20 - Iteration 1781: Points 1790 (cluster 1790) and 1783 (cluster 1783) connect at weight=132.0
2025-04-09 19:04:10.424 | DEBUG    | __main__:<module>:20 - Iteration 1782: Points 1789 (cluster 1789) and 1787 (cluster 1787) connect at weight=132.0
2025-04-09 19:04:10.424 | DEBUG    | __main__:<module>:20 - Iteration 1783: Points 1782 (cluster 3780) and 1789 (cluster 3782) connect at weight=132.0
2025-04-09 19:04:10.424 | DEBUG    | __main__:<module>:20 - Iteration 1784: Points 1776 (cluster 3783) and 1785 (cluster 1785) connect at weight=132.0
2025-04-09 19:04:10.425 | DEBUG    | __main__:<module>:20 - Iteration 1785: Points 1776 (cluster 3784) and 1784 (cluster 1784) connect at weight=132.0
2025-04-09 19:04:10.425 | DEBUG    | __main__:<module>:20 - Iteration 1786: Points 1765 (cluster 3785) and 1786 (cluster 1786) connect at weight=132.0
2025-04-09 19:04:10.425 | DEBUG    | __main__:<module>:20 - Iteration 1787: Points 1795 (cluster 1795) and 1794 (cluster 1794) connect at weight=131.0
2025-04-09 19:04:10.425 | DEBUG    | __main__:<module>:20 - Iteration 1788: Points 1789 (cluster 3786) and 1796 (cluster 1796) connect at weight=131.0
2025-04-09 19:04:10.425 | DEBUG    | __main__:<module>:20 - Iteration 1789: Points 1789 (cluster 3788) and 1788 (cluster 1788) connect at weight=131.0
2025-04-09 19:04:10.426 | DEBUG    | __main__:<module>:20 - Iteration 1790: Points 1788 (cluster 3789) and 1797 (cluster 1797) connect at weight=131.0
2025-04-09 19:04:10.426 | DEBUG    | __main__:<module>:20 - Iteration 1791: Points 1786 (cluster 3790) and 1793 (cluster 1793) connect at weight=131.0
2025-04-09 19:04:10.426 | DEBUG    | __main__:<module>:20 - Iteration 1792: Points 1784 (cluster 3791) and 1795 (cluster 3787) connect at weight=131.0
2025-04-09 19:04:10.426 | DEBUG    | __main__:<module>:20 - Iteration 1793: Points 1781 (cluster 3779) and 1792 (cluster 1792) connect at weight=131.0
2025-04-09 19:04:10.426 | DEBUG    | __main__:<module>:20 - Iteration 1794: Points 1777 (cluster 3793) and 1790 (cluster 3781) connect at weight=131.0
2025-04-09 19:04:10.426 | DEBUG    | __main__:<module>:20 - Iteration 1795: Points 1805 (cluster 1805) and 1804 (cluster 1804) connect at weight=130.0
2025-04-09 19:04:10.427 | DEBUG    | __main__:<module>:20 - Iteration 1796: Points 1805 (cluster 3795) and 1802 (cluster 1802) connect at weight=130.0
2025-04-09 19:04:10.427 | DEBUG    | __main__:<module>:20 - Iteration 1797: Points 1805 (cluster 3796) and 1801 (cluster 1801) connect at weight=130.0
2025-04-09 19:04:10.427 | DEBUG    | __main__:<module>:20 - Iteration 1798: Points 1805 (cluster 3797) and 1800 (cluster 1800) connect at weight=130.0
2025-04-09 19:04:10.427 | DEBUG    | __main__:<module>:20 - Iteration 1799: Points 1805 (cluster 3798) and 1799 (cluster 1799) connect at weight=130.0
2025-04-09 19:04:10.427 | DEBUG    | __main__:<module>:20 - Iteration 1800: Points 1797 (cluster 3792) and 1798 (cluster 1798) connect at weight=130.0
2025-04-09 19:04:10.428 | DEBUG    | __main__:<module>:20 - Iteration 1801: Points 1793 (cluster 3800) and 1803 (cluster 1803) connect at weight=130.0
2025-04-09 19:04:10.428 | DEBUG    | __main__:<module>:20 - Iteration 1802: Points 1790 (cluster 3794) and 1805 (cluster 3799) connect at weight=130.0
2025-04-09 19:04:10.428 | DEBUG    | __main__:<module>:20 - Iteration 1803: Points 1807 (cluster 1807) and 1806 (cluster 1806) connect at weight=129.0
2025-04-09 19:04:10.428 | DEBUG    | __main__:<module>:20 - Iteration 1804: Points 1805 (cluster 3802) and 1807 (cluster 3803) connect at weight=129.0
2025-04-09 19:04:10.432 | DEBUG    | __main__:<module>:20 - Iteration 1805: Points 1798 (cluster 3801) and 1791 (cluster 1791) connect at weight=129.0
2025-04-09 19:04:10.432 | DEBUG    | __main__:<module>:20 - Iteration 1806: Points 1811 (cluster 1811) and 1808 (cluster 1808) connect at weight=128.0
2025-04-09 19:04:10.432 | DEBUG    | __main__:<module>:20 - Iteration 1807: Points 1798 (cluster 3805) and 1811 (cluster 3806) connect at weight=128.0
2025-04-09 19:04:10.433 | DEBUG    | __main__:<module>:20 - Iteration 1808: Points 1792 (cluster 3804) and 1809 (cluster 1809) connect at weight=128.0
2025-04-09 19:04:10.433 | DEBUG    | __main__:<module>:20 - Iteration 1809: Points 1791 (cluster 3807) and 1810 (cluster 1810) connect at weight=128.0
2025-04-09 19:04:10.433 | DEBUG    | __main__:<module>:20 - Iteration 1810: Points 1810 (cluster 3809) and 1812 (cluster 1812) connect at weight=127.0
2025-04-09 19:04:10.433 | DEBUG    | __main__:<module>:20 - Iteration 1811: Points 1812 (cluster 3810) and 1813 (cluster 1813) connect at weight=126.0
2025-04-09 19:04:10.433 | DEBUG    | __main__:<module>:20 - Iteration 1812: Points 1807 (cluster 3808) and 1815 (cluster 1815) connect at weight=126.0
2025-04-09 19:04:10.434 | DEBUG    | __main__:<module>:20 - Iteration 1813: Points 1796 (cluster 3811) and 1814 (cluster 1814) connect at weight=126.0
2025-04-09 19:04:10.434 | DEBUG    | __main__:<module>:20 - Iteration 1814: Points 1818 (cluster 1818) and 1817 (cluster 1817) connect at weight=125.0
2025-04-09 19:04:10.434 | DEBUG    | __main__:<module>:20 - Iteration 1815: Points 1818 (cluster 3814) and 1816 (cluster 1816) connect at weight=125.0
2025-04-09 19:04:10.434 | DEBUG    | __main__:<module>:20 - Iteration 1816: Points 1815 (cluster 3812) and 1819 (cluster 1819) connect at weight=125.0
2025-04-09 19:04:10.434 | DEBUG    | __main__:<module>:20 - Iteration 1817: Points 1812 (cluster 3813) and 1820 (cluster 1820) connect at weight=125.0
2025-04-09 19:04:10.434 | DEBUG    | __main__:<module>:20 - Iteration 1818: Points 1809 (cluster 3816) and 1821 (cluster 1821) connect at weight=125.0
2025-04-09 19:04:10.435 | DEBUG    | __main__:<module>:20 - Iteration 1819: Points 1803 (cluster 3817) and 1818 (cluster 3815) connect at weight=125.0
2025-04-09 19:04:10.435 | DEBUG    | __main__:<module>:20 - Iteration 1820: Points 1819 (cluster 3818) and 1822 (cluster 1822) connect at weight=124.0
2025-04-09 19:04:10.435 | DEBUG    | __main__:<module>:20 - Iteration 1821: Points 1813 (cluster 3819) and 1823 (cluster 1823) connect at weight=124.0
2025-04-09 19:04:10.435 | DEBUG    | __main__:<module>:20 - Iteration 1822: Points 1823 (cluster 3821) and 1825 (cluster 1825) connect at weight=123.0
2025-04-09 19:04:10.435 | DEBUG    | __main__:<module>:20 - Iteration 1823: Points 1803 (cluster 3822) and 1824 (cluster 1824) connect at weight=123.0
2025-04-09 19:04:10.436 | DEBUG    | __main__:<module>:20 - Iteration 1824: Points 1818 (cluster 3823) and 1826 (cluster 1826) connect at weight=122.0
2025-04-09 19:04:10.436 | DEBUG    | __main__:<module>:20 - Iteration 1825: Points 1822 (cluster 3820) and 1827 (cluster 1827) connect at weight=121.0
2025-04-09 19:04:10.436 | DEBUG    | __main__:<module>:20 - Iteration 1826: Points 1821 (cluster 3825) and 1828 (cluster 1828) connect at weight=121.0
2025-04-09 19:04:10.436 | DEBUG    | __main__:<module>:20 - Iteration 1827: Points 1826 (cluster 3824) and 1829 (cluster 1829) connect at weight=120.0
2025-04-09 19:04:10.436 | DEBUG    | __main__:<module>:20 - Iteration 1828: Points 1836 (cluster 1836) and 1835 (cluster 1835) connect at weight=119.0
2025-04-09 19:04:10.436 | DEBUG    | __main__:<module>:20 - Iteration 1829: Points 1836 (cluster 3828) and 1833 (cluster 1833) connect at weight=119.0
2025-04-09 19:04:10.437 | DEBUG    | __main__:<module>:20 - Iteration 1830: Points 1836 (cluster 3829) and 1832 (cluster 1832) connect at weight=119.0
2025-04-09 19:04:10.437 | DEBUG    | __main__:<module>:20 - Iteration 1831: Points 1834 (cluster 1834) and 1831 (cluster 1831) connect at weight=119.0
2025-04-09 19:04:10.437 | DEBUG    | __main__:<module>:20 - Iteration 1832: Points 1834 (cluster 3831) and 1830 (cluster 1830) connect at weight=119.0
2025-04-09 19:04:10.437 | DEBUG    | __main__:<module>:20 - Iteration 1833: Points 1828 (cluster 3826) and 1836 (cluster 3830) connect at weight=119.0
2025-04-09 19:04:10.437 | DEBUG    | __main__:<module>:20 - Iteration 1834: Points 1825 (cluster 3827) and 1834 (cluster 3832) connect at weight=119.0
2025-04-09 19:04:10.438 | DEBUG    | __main__:<module>:20 - Iteration 1835: Points 1842 (cluster 1842) and 1840 (cluster 1840) connect at weight=118.0
2025-04-09 19:04:10.438 | DEBUG    | __main__:<module>:20 - Iteration 1836: Points 1842 (cluster 3835) and 1839 (cluster 1839) connect at weight=118.0
2025-04-09 19:04:10.438 | DEBUG    | __main__:<module>:20 - Iteration 1837: Points 1842 (cluster 3836) and 1838 (cluster 1838) connect at weight=118.0
2025-04-09 19:04:10.438 | DEBUG    | __main__:<module>:20 - Iteration 1838: Points 1842 (cluster 3837) and 1837 (cluster 1837) connect at weight=118.0
2025-04-09 19:04:10.438 | DEBUG    | __main__:<module>:20 - Iteration 1839: Points 1836 (cluster 3833) and 1841 (cluster 1841) connect at weight=118.0
2025-04-09 19:04:10.439 | DEBUG    | __main__:<module>:20 - Iteration 1840: Points 1834 (cluster 3834) and 1842 (cluster 3838) connect at weight=118.0
2025-04-09 19:04:10.439 | DEBUG    | __main__:<module>:20 - Iteration 1841: Points 1847 (cluster 1847) and 1844 (cluster 1844) connect at weight=117.0
2025-04-09 19:04:10.439 | DEBUG    | __main__:<module>:20 - Iteration 1842: Points 1847 (cluster 3841) and 1843 (cluster 1843) connect at weight=117.0
2025-04-09 19:04:10.439 | DEBUG    | __main__:<module>:20 - Iteration 1843: Points 1842 (cluster 3840) and 1845 (cluster 1845) connect at weight=117.0
2025-04-09 19:04:10.446 | DEBUG    | __main__:<module>:20 - Iteration 1844: Points 1841 (cluster 3839) and 1847 (cluster 3842) connect at weight=117.0
2025-04-09 19:04:10.446 | DEBUG    | __main__:<module>:20 - Iteration 1845: Points 1829 (cluster 3843) and 1846 (cluster 1846) connect at weight=117.0
2025-04-09 19:04:10.446 | DEBUG    | __main__:<module>:20 - Iteration 1846: Points 1850 (cluster 1850) and 1849 (cluster 1849) connect at weight=116.0
2025-04-09 19:04:10.446 | DEBUG    | __main__:<module>:20 - Iteration 1847: Points 1847 (cluster 3844) and 1850 (cluster 3846) connect at weight=116.0
2025-04-09 19:04:10.447 | DEBUG    | __main__:<module>:20 - Iteration 1848: Points 1846 (cluster 3845) and 1851 (cluster 1851) connect at weight=116.0
2025-04-09 19:04:10.447 | DEBUG    | __main__:<module>:20 - Iteration 1849: Points 1842 (cluster 3848) and 1848 (cluster 1848) connect at weight=116.0
2025-04-09 19:04:10.447 | DEBUG    | __main__:<module>:20 - Iteration 1850: Points 1827 (cluster 3847) and 1852 (cluster 1852) connect at weight=116.0
2025-04-09 19:04:10.447 | DEBUG    | __main__:<module>:20 - Iteration 1851: Points 1857 (cluster 1857) and 1853 (cluster 1853) connect at weight=115.0
2025-04-09 19:04:10.447 | DEBUG    | __main__:<module>:20 - Iteration 1852: Points 1851 (cluster 3849) and 1856 (cluster 1856) connect at weight=115.0
2025-04-09 19:04:10.447 | DEBUG    | __main__:<module>:20 - Iteration 1853: Points 1850 (cluster 3850) and 1855 (cluster 1855) connect at weight=115.0
2025-04-09 19:04:10.448 | DEBUG    | __main__:<module>:20 - Iteration 1854: Points 1848 (cluster 3852) and 1857 (cluster 3851) connect at weight=115.0
2025-04-09 19:04:10.448 | DEBUG    | __main__:<module>:20 - Iteration 1855: Points 1827 (cluster 3853) and 1854 (cluster 1854) connect at weight=115.0
2025-04-09 19:04:10.448 | DEBUG    | __main__:<module>:20 - Iteration 1856: Points 1860 (cluster 1860) and 1859 (cluster 1859) connect at weight=114.0
2025-04-09 19:04:10.448 | DEBUG    | __main__:<module>:20 - Iteration 1857: Points 1860 (cluster 3856) and 1858 (cluster 1858) connect at weight=114.0
2025-04-09 19:04:10.448 | DEBUG    | __main__:<module>:20 - Iteration 1858: Points 1854 (cluster 3855) and 1860 (cluster 3857) connect at weight=114.0
2025-04-09 19:04:10.449 | DEBUG    | __main__:<module>:20 - Iteration 1859: Points 1857 (cluster 3854) and 1861 (cluster 1861) connect at weight=113.0
2025-04-09 19:04:10.449 | DEBUG    | __main__:<module>:20 - Iteration 1860: Points 1866 (cluster 1866) and 1864 (cluster 1864) connect at weight=112.0
2025-04-09 19:04:10.449 | DEBUG    | __main__:<module>:20 - Iteration 1861: Points 1861 (cluster 3859) and 1863 (cluster 1863) connect at weight=112.0
2025-04-09 19:04:10.449 | DEBUG    | __main__:<module>:20 - Iteration 1862: Points 1860 (cluster 3858) and 1866 (cluster 3860) connect at weight=112.0
2025-04-09 19:04:10.449 | DEBUG    | __main__:<module>:20 - Iteration 1863: Points 1856 (cluster 3861) and 1862 (cluster 1862) connect at weight=112.0
2025-04-09 19:04:10.450 | DEBUG    | __main__:<module>:20 - Iteration 1864: Points 1855 (cluster 3862) and 1865 (cluster 1865) connect at weight=112.0
2025-04-09 19:04:10.450 | DEBUG    | __main__:<module>:20 - Iteration 1865: Points 1865 (cluster 3864) and 1868 (cluster 1868) connect at weight=111.0
2025-04-09 19:04:10.450 | DEBUG    | __main__:<module>:20 - Iteration 1866: Points 1862 (cluster 3863) and 1867 (cluster 1867) connect at weight=111.0
2025-04-09 19:04:10.450 | DEBUG    | __main__:<module>:20 - Iteration 1867: Points 1872 (cluster 1872) and 1870 (cluster 1870) connect at weight=110.0
2025-04-09 19:04:10.450 | DEBUG    | __main__:<module>:20 - Iteration 1868: Points 1871 (cluster 1871) and 1869 (cluster 1869) connect at weight=110.0
2025-04-09 19:04:10.450 | DEBUG    | __main__:<module>:20 - Iteration 1869: Points 1868 (cluster 3865) and 1872 (cluster 3867) connect at weight=110.0
2025-04-09 19:04:10.451 | DEBUG    | __main__:<module>:20 - Iteration 1870: Points 1866 (cluster 3869) and 1871 (cluster 3868) connect at weight=110.0
2025-04-09 19:04:10.452 | DEBUG    | __main__:<module>:20 - Iteration 1871: Points 1877 (cluster 1877) and 1876 (cluster 1876) connect at weight=109.0
2025-04-09 19:04:10.452 | DEBUG    | __main__:<module>:20 - Iteration 1872: Points 1875 (cluster 1875) and 1873 (cluster 1873) connect at weight=109.0
2025-04-09 19:04:10.452 | DEBUG    | __main__:<module>:20 - Iteration 1873: Points 1872 (cluster 3870) and 1877 (cluster 3871) connect at weight=109.0
2025-04-09 19:04:10.452 | DEBUG    | __main__:<module>:20 - Iteration 1874: Points 1871 (cluster 3873) and 1875 (cluster 3872) connect at weight=109.0
2025-04-09 19:04:10.453 | DEBUG    | __main__:<module>:20 - Iteration 1875: Points 1863 (cluster 3866) and 1874 (cluster 1874) connect at weight=109.0
2025-04-09 19:04:10.453 | DEBUG    | __main__:<module>:20 - Iteration 1876: Points 1881 (cluster 1881) and 1878 (cluster 1878) connect at weight=108.0
2025-04-09 19:04:10.453 | DEBUG    | __main__:<module>:20 - Iteration 1877: Points 1877 (cluster 3874) and 1881 (cluster 3876) connect at weight=108.0
2025-04-09 19:04:10.453 | DEBUG    | __main__:<module>:20 - Iteration 1878: Points 1874 (cluster 3875) and 1879 (cluster 1879) connect at weight=108.0
2025-04-09 19:04:10.453 | DEBUG    | __main__:<module>:20 - Iteration 1879: Points 1867 (cluster 3878) and 1880 (cluster 1880) connect at weight=108.0
2025-04-09 19:04:10.453 | DEBUG    | __main__:<module>:20 - Iteration 1880: Points 1880 (cluster 3879) and 1882 (cluster 1882) connect at weight=107.0
2025-04-09 19:04:10.454 | DEBUG    | __main__:<module>:20 - Iteration 1881: Points 1875 (cluster 3877) and 1883 (cluster 1883) connect at weight=107.0
2025-04-09 19:04:10.454 | DEBUG    | __main__:<module>:20 - Iteration 1882: Points 1867 (cluster 3880) and 1884 (cluster 1884) connect at weight=107.0
2025-04-09 19:04:10.454 | DEBUG    | __main__:<module>:20 - Iteration 1883: Points 1887 (cluster 1887) and 1886 (cluster 1886) connect at weight=106.0
2025-04-09 19:04:10.454 | DEBUG    | __main__:<module>:20 - Iteration 1884: Points 1882 (cluster 3882) and 1887 (cluster 3883) connect at weight=106.0
2025-04-09 19:04:10.454 | DEBUG    | __main__:<module>:20 - Iteration 1885: Points 1881 (cluster 3881) and 1885 (cluster 1885) connect at weight=106.0
2025-04-09 19:04:10.455 | DEBUG    | __main__:<module>:20 - Iteration 1886: Points 1894 (cluster 1894) and 1891 (cluster 1891) connect at weight=105.0
2025-04-09 19:04:10.455 | DEBUG    | __main__:<module>:20 - Iteration 1887: Points 1894 (cluster 3886) and 1890 (cluster 1890) connect at weight=105.0
2025-04-09 19:04:10.455 | DEBUG    | __main__:<module>:20 - Iteration 1888: Points 1887 (cluster 3884) and 1893 (cluster 1893) connect at weight=105.0
2025-04-09 19:04:10.455 | DEBUG    | __main__:<module>:20 - Iteration 1889: Points 1885 (cluster 3885) and 1892 (cluster 1892) connect at weight=105.0
2025-04-09 19:04:10.455 | DEBUG    | __main__:<module>:20 - Iteration 1890: Points 1885 (cluster 3889) and 1888 (cluster 1888) connect at weight=105.0
2025-04-09 19:04:10.455 | DEBUG    | __main__:<module>:20 - Iteration 1891: Points 1883 (cluster 3890) and 1889 (cluster 1889) connect at weight=105.0
2025-04-09 19:04:10.456 | DEBUG    | __main__:<module>:20 - Iteration 1892: Points 1879 (cluster 3888) and 1894 (cluster 3887) connect at weight=105.0
2025-04-09 19:04:10.456 | DEBUG    | __main__:<module>:20 - Iteration 1893: Points 1893 (cluster 3892) and 1896 (cluster 1896) connect at weight=104.0
2025-04-09 19:04:10.456 | DEBUG    | __main__:<module>:20 - Iteration 1894: Points 1889 (cluster 3891) and 1895 (cluster 1895) connect at weight=104.0
2025-04-09 19:04:10.456 | DEBUG    | __main__:<module>:20 - Iteration 1895: Points 1895 (cluster 3894) and 1898 (cluster 1898) connect at weight=103.0
2025-04-09 19:04:10.456 | DEBUG    | __main__:<module>:20 - Iteration 1896: Points 1888 (cluster 3895) and 1897 (cluster 1897) connect at weight=103.0
2025-04-09 19:04:10.457 | DEBUG    | __main__:<module>:20 - Iteration 1897: Points 1894 (cluster 3893) and 1899 (cluster 1899) connect at weight=102.0
2025-04-09 19:04:10.457 | DEBUG    | __main__:<module>:20 - Iteration 1898: Points 1901 (cluster 1901) and 1900 (cluster 1900) connect at weight=100.0
2025-04-09 19:04:10.457 | DEBUG    | __main__:<module>:20 - Iteration 1899: Points 1897 (cluster 3896) and 1901 (cluster 3898) connect at weight=100.0
2025-04-09 19:04:10.457 | DEBUG    | __main__:<module>:20 - Iteration 1900: Points 1899 (cluster 3897) and 1903 (cluster 1903) connect at weight=99.0
2025-04-09 19:04:10.457 | DEBUG    | __main__:<module>:20 - Iteration 1901: Points 1896 (cluster 3900) and 1902 (cluster 1902) connect at weight=99.0
2025-04-09 19:04:10.458 | DEBUG    | __main__:<module>:20 - Iteration 1902: Points 1902 (cluster 3901) and 1904 (cluster 1904) connect at weight=98.0
2025-04-09 19:04:10.458 | DEBUG    | __main__:<module>:20 - Iteration 1903: Points 1909 (cluster 1909) and 1908 (cluster 1908) connect at weight=97.0
2025-04-09 19:04:10.458 | DEBUG    | __main__:<module>:20 - Iteration 1904: Points 1909 (cluster 3903) and 1907 (cluster 1907) connect at weight=97.0
2025-04-09 19:04:10.458 | DEBUG    | __main__:<module>:20 - Iteration 1905: Points 1904 (cluster 3902) and 1906 (cluster 1906) connect at weight=97.0
2025-04-09 19:04:10.460 | DEBUG    | __main__:<module>:20 - Iteration 1906: Points 1903 (cluster 3905) and 1905 (cluster 1905) connect at weight=97.0
2025-04-09 19:04:10.461 | DEBUG    | __main__:<module>:20 - Iteration 1907: Points 1901 (cluster 3899) and 1909 (cluster 3904) connect at weight=97.0
2025-04-09 19:04:10.461 | DEBUG    | __main__:<module>:20 - Iteration 1908: Points 1911 (cluster 1911) and 1910 (cluster 1910) connect at weight=96.0
2025-04-09 19:04:10.462 | DEBUG    | __main__:<module>:20 - Iteration 1909: Points 1906 (cluster 3906) and 1911 (cluster 3908) connect at weight=96.0
2025-04-09 19:04:10.462 | DEBUG    | __main__:<module>:20 - Iteration 1910: Points 1905 (cluster 3909) and 1912 (cluster 1912) connect at weight=96.0
2025-04-09 19:04:10.462 | DEBUG    | __main__:<module>:20 - Iteration 1911: Points 1909 (cluster 3907) and 1914 (cluster 1914) connect at weight=94.0
2025-04-09 19:04:10.462 | DEBUG    | __main__:<module>:20 - Iteration 1912: Points 1898 (cluster 3911) and 1915 (cluster 1915) connect at weight=94.0
2025-04-09 19:04:10.462 | DEBUG    | __main__:<module>:20 - Iteration 1913: Points 1898 (cluster 3912) and 1913 (cluster 1913) connect at weight=94.0
2025-04-09 19:04:10.462 | DEBUG    | __main__:<module>:20 - Iteration 1914: Points 1912 (cluster 3910) and 1916 (cluster 1916) connect at weight=93.0
2025-04-09 19:04:10.463 | DEBUG    | __main__:<module>:20 - Iteration 1915: Points 1909 (cluster 3913) and 1917 (cluster 1917) connect at weight=93.0
2025-04-09 19:04:10.463 | DEBUG    | __main__:<module>:20 - Iteration 1916: Points 1906 (cluster 3914) and 1918 (cluster 1918) connect at weight=93.0
2025-04-09 19:04:10.463 | DEBUG    | __main__:<module>:20 - Iteration 1917: Points 1922 (cluster 1922) and 1921 (cluster 1921) connect at weight=92.0
2025-04-09 19:04:10.463 | DEBUG    | __main__:<module>:20 - Iteration 1918: Points 1922 (cluster 3917) and 1919 (cluster 1919) connect at weight=92.0
2025-04-09 19:04:10.463 | DEBUG    | __main__:<module>:20 - Iteration 1919: Points 1918 (cluster 3916) and 1923 (cluster 1923) connect at weight=92.0
2025-04-09 19:04:10.464 | DEBUG    | __main__:<module>:20 - Iteration 1920: Points 1917 (cluster 3915) and 1920 (cluster 1920) connect at weight=92.0
2025-04-09 19:04:10.464 | DEBUG    | __main__:<module>:20 - Iteration 1921: Points 1912 (cluster 3919) and 1922 (cluster 3918) connect at weight=92.0
2025-04-09 19:04:10.464 | DEBUG    | __main__:<module>:20 - Iteration 1922: Points 1931 (cluster 1931) and 1930 (cluster 1930) connect at weight=91.0
2025-04-09 19:04:10.464 | DEBUG    | __main__:<module>:20 - Iteration 1923: Points 1931 (cluster 3922) and 1929 (cluster 1929) connect at weight=91.0
2025-04-09 19:04:10.464 | DEBUG    | __main__:<module>:20 - Iteration 1924: Points 1931 (cluster 3923) and 1927 (cluster 1927) connect at weight=91.0
2025-04-09 19:04:10.464 | DEBUG    | __main__:<module>:20 - Iteration 1925: Points 1931 (cluster 3924) and 1926 (cluster 1926) connect at weight=91.0
2025-04-09 19:04:10.465 | DEBUG    | __main__:<module>:20 - Iteration 1926: Points 1925 (cluster 1925) and 1924 (cluster 1924) connect at weight=91.0
2025-04-09 19:04:10.465 | DEBUG    | __main__:<module>:20 - Iteration 1927: Points 1923 (cluster 3921) and 1925 (cluster 3926) connect at weight=91.0
2025-04-09 19:04:10.465 | DEBUG    | __main__:<module>:20 - Iteration 1928: Points 1922 (cluster 3927) and 1928 (cluster 1928) connect at weight=91.0
2025-04-09 19:04:10.465 | DEBUG    | __main__:<module>:20 - Iteration 1929: Points 1915 (cluster 3920) and 1931 (cluster 3925) connect at weight=91.0
2025-04-09 19:04:10.466 | DEBUG    | __main__:<module>:20 - Iteration 1930: Points 1944 (cluster 1944) and 1932 (cluster 1932) connect at weight=90.0
2025-04-09 19:04:10.466 | DEBUG    | __main__:<module>:20 - Iteration 1931: Points 1943 (cluster 1943) and 1939 (cluster 1939) connect at weight=90.0
2025-04-09 19:04:10.466 | DEBUG    | __main__:<module>:20 - Iteration 1932: Points 1943 (cluster 3931) and 1933 (cluster 1933) connect at weight=90.0
2025-04-09 19:04:10.466 | DEBUG    | __main__:<module>:20 - Iteration 1933: Points 1942 (cluster 1942) and 1937 (cluster 1937) connect at weight=90.0
2025-04-09 19:04:10.466 | DEBUG    | __main__:<module>:20 - Iteration 1934: Points 1942 (cluster 3933) and 1936 (cluster 1936) connect at weight=90.0
2025-04-09 19:04:10.466 | DEBUG    | __main__:<module>:20 - Iteration 1935: Points 1942 (cluster 3934) and 1935 (cluster 1935) connect at weight=90.0
2025-04-09 19:04:10.467 | DEBUG    | __main__:<module>:20 - Iteration 1936: Points 1942 (cluster 3935) and 1934 (cluster 1934) connect at weight=90.0
2025-04-09 19:04:10.467 | DEBUG    | __main__:<module>:20 - Iteration 1937: Points 1940 (cluster 1940) and 1938 (cluster 1938) connect at weight=90.0
2025-04-09 19:04:10.467 | DEBUG    | __main__:<module>:20 - Iteration 1938: Points 1931 (cluster 3929) and 1942 (cluster 3936) connect at weight=90.0
2025-04-09 19:04:10.467 | DEBUG    | __main__:<module>:20 - Iteration 1939: Points 1928 (cluster 3928) and 1944 (cluster 3930) connect at weight=90.0
2025-04-09 19:04:10.467 | DEBUG    | __main__:<module>:20 - Iteration 1940: Points 1925 (cluster 3939) and 1943 (cluster 3932) connect at weight=90.0
2025-04-09 19:04:10.468 | DEBUG    | __main__:<module>:20 - Iteration 1941: Points 1920 (cluster 3938) and 1941 (cluster 1941) connect at weight=90.0
2025-04-09 19:04:10.468 | DEBUG    | __main__:<module>:20 - Iteration 1942: Points 1920 (cluster 3941) and 1940 (cluster 3937) connect at weight=90.0
2025-04-09 19:04:10.468 | DEBUG    | __main__:<module>:20 - Iteration 1943: Points 1949 (cluster 1949) and 1948 (cluster 1948) connect at weight=88.0
2025-04-09 19:04:10.468 | DEBUG    | __main__:<module>:20 - Iteration 1944: Points 1944 (cluster 3940) and 1949 (cluster 3943) connect at weight=88.0
2025-04-09 19:04:10.468 | DEBUG    | __main__:<module>:20 - Iteration 1945: Points 1943 (cluster 3944) and 1945 (cluster 1945) connect at weight=88.0
2025-04-09 19:04:10.469 | DEBUG    | __main__:<module>:20 - Iteration 1946: Points 1942 (cluster 3942) and 1946 (cluster 1946) connect at weight=88.0
2025-04-09 19:04:10.469 | DEBUG    | __main__:<module>:20 - Iteration 1947: Points 1928 (cluster 3945) and 1947 (cluster 1947) connect at weight=88.0
2025-04-09 19:04:10.469 | DEBUG    | __main__:<module>:20 - Iteration 1948: Points 1946 (cluster 3946) and 1950 (cluster 1950) connect at weight=87.0
2025-04-09 19:04:10.469 | DEBUG    | __main__:<module>:20 - Iteration 1949: Points 1941 (cluster 3948) and 1951 (cluster 1951) connect at weight=85.0
2025-04-09 19:04:10.469 | DEBUG    | __main__:<module>:20 - Iteration 1950: Points 1951 (cluster 3949) and 1953 (cluster 1953) connect at weight=84.0
2025-04-09 19:04:10.469 | DEBUG    | __main__:<module>:20 - Iteration 1951: Points 1945 (cluster 3947) and 1952 (cluster 1952) connect at weight=84.0
2025-04-09 19:04:10.470 | DEBUG    | __main__:<module>:20 - Iteration 1952: Points 1953 (cluster 3950) and 1954 (cluster 1954) connect at weight=83.0
2025-04-09 19:04:10.470 | DEBUG    | __main__:<module>:20 - Iteration 1953: Points 1954 (cluster 3952) and 1956 (cluster 1956) connect at weight=82.0
2025-04-09 19:04:10.470 | DEBUG    | __main__:<module>:20 - Iteration 1954: Points 1952 (cluster 3951) and 1955 (cluster 1955) connect at weight=82.0
2025-04-09 19:04:10.470 | DEBUG    | __main__:<module>:20 - Iteration 1955: Points 1950 (cluster 3953) and 1959 (cluster 1959) connect at weight=81.0
2025-04-09 19:04:10.470 | DEBUG    | __main__:<module>:20 - Iteration 1956: Points 1950 (cluster 3955) and 1957 (cluster 1957) connect at weight=81.0
2025-04-09 19:04:10.470 | DEBUG    | __main__:<module>:20 - Iteration 1957: Points 1946 (cluster 3956) and 1958 (cluster 1958) connect at weight=81.0
2025-04-09 19:04:10.471 | DEBUG    | __main__:<module>:20 - Iteration 1958: Points 1963 (cluster 1963) and 1961 (cluster 1961) connect at weight=80.0
2025-04-09 19:04:10.471 | DEBUG    | __main__:<module>:20 - Iteration 1959: Points 1959 (cluster 3957) and 1963 (cluster 3958) connect at weight=80.0
2025-04-09 19:04:10.471 | DEBUG    | __main__:<module>:20 - Iteration 1960: Points 1956 (cluster 3959) and 1962 (cluster 1962) connect at weight=80.0
2025-04-09 19:04:10.471 | DEBUG    | __main__:<module>:20 - Iteration 1961: Points 1949 (cluster 3954) and 1960 (cluster 1960) connect at weight=80.0
2025-04-09 19:04:10.471 | DEBUG    | __main__:<module>:20 - Iteration 1962: Points 1966 (cluster 1966) and 1965 (cluster 1965) connect at weight=79.0
2025-04-09 19:04:10.472 | DEBUG    | __main__:<module>:20 - Iteration 1963: Points 1966 (cluster 3962) and 1964 (cluster 1964) connect at weight=79.0
2025-04-09 19:04:10.472 | DEBUG    | __main__:<module>:20 - Iteration 1964: Points 1963 (cluster 3960) and 1966 (cluster 3963) connect at weight=79.0
2025-04-09 19:04:10.472 | DEBUG    | __main__:<module>:20 - Iteration 1965: Points 1962 (cluster 3964) and 1967 (cluster 1967) connect at weight=79.0
2025-04-09 19:04:10.472 | DEBUG    | __main__:<module>:20 - Iteration 1966: Points 1971 (cluster 1971) and 1969 (cluster 1969) connect at weight=78.0
2025-04-09 19:04:10.472 | DEBUG    | __main__:<module>:20 - Iteration 1967: Points 1967 (cluster 3965) and 1970 (cluster 1970) connect at weight=78.0
2025-04-09 19:04:10.473 | DEBUG    | __main__:<module>:20 - Iteration 1968: Points 1966 (cluster 3967) and 1971 (cluster 3966) connect at weight=78.0
2025-04-09 19:04:10.473 | DEBUG    | __main__:<module>:20 - Iteration 1969: Points 1955 (cluster 3961) and 1968 (cluster 1968) connect at weight=78.0
2025-04-09 19:04:10.473 | DEBUG    | __main__:<module>:20 - Iteration 1970: Points 1971 (cluster 3968) and 1972 (cluster 1972) connect at weight=77.0
2025-04-09 19:04:10.473 | DEBUG    | __main__:<module>:20 - Iteration 1971: Points 1960 (cluster 3969) and 1973 (cluster 1973) connect at weight=76.0
2025-04-09 19:04:10.473 | DEBUG    | __main__:<module>:20 - Iteration 1972: Points 1955 (cluster 3971) and 1974 (cluster 1974) connect at weight=75.0
2025-04-09 19:04:10.473 | DEBUG    | __main__:<module>:20 - Iteration 1973: Points 1972 (cluster 3970) and 1976 (cluster 1976) connect at weight=74.0
2025-04-09 19:04:10.474 | DEBUG    | __main__:<module>:20 - Iteration 1974: Points 1970 (cluster 3973) and 1975 (cluster 1975) connect at weight=74.0
2025-04-09 19:04:10.474 | DEBUG    | __main__:<module>:20 - Iteration 1975: Points 1970 (cluster 3974) and 1977 (cluster 1977) connect at weight=73.0
2025-04-09 19:04:10.474 | DEBUG    | __main__:<module>:20 - Iteration 1976: Points 1977 (cluster 3975) and 1978 (cluster 1978) connect at weight=72.0
2025-04-09 19:04:10.474 | DEBUG    | __main__:<module>:20 - Iteration 1977: Points 1981 (cluster 1981) and 1979 (cluster 1979) connect at weight=71.0
2025-04-09 19:04:10.474 | DEBUG    | __main__:<module>:20 - Iteration 1978: Points 1976 (cluster 3976) and 1982 (cluster 1982) connect at weight=71.0
2025-04-09 19:04:10.475 | DEBUG    | __main__:<module>:20 - Iteration 1979: Points 1974 (cluster 3972) and 1981 (cluster 3977) connect at weight=71.0
2025-04-09 19:04:10.475 | DEBUG    | __main__:<module>:20 - Iteration 1980: Points 1973 (cluster 3979) and 1980 (cluster 1980) connect at weight=71.0
2025-04-09 19:04:10.475 | DEBUG    | __main__:<module>:20 - Iteration 1981: Points 1974 (cluster 3980) and 1983 (cluster 1983) connect at weight=70.0
2025-04-09 19:04:10.475 | DEBUG    | __main__:<module>:20 - Iteration 1982: Points 1973 (cluster 3981) and 1984 (cluster 1984) connect at weight=70.0
2025-04-09 19:04:10.475 | DEBUG    | __main__:<module>:20 - Iteration 1983: Points 1981 (cluster 3982) and 1987 (cluster 1987) connect at weight=69.0
2025-04-09 19:04:10.475 | DEBUG    | __main__:<module>:20 - Iteration 1984: Points 1981 (cluster 3983) and 1985 (cluster 1985) connect at weight=69.0
2025-04-09 19:04:10.476 | DEBUG    | __main__:<module>:20 - Iteration 1985: Points 1980 (cluster 3984) and 1986 (cluster 1986) connect at weight=69.0
2025-04-09 19:04:10.476 | DEBUG    | __main__:<module>:20 - Iteration 1986: Points 1978 (cluster 3978) and 1988 (cluster 1988) connect at weight=67.0
2025-04-09 19:04:10.476 | DEBUG    | __main__:<module>:20 - Iteration 1987: Points 1978 (cluster 3986) and 1989 (cluster 1989) connect at weight=66.0
2025-04-09 19:04:10.476 | DEBUG    | __main__:<module>:20 - Iteration 1988: Points 1984 (cluster 3985) and 1990 (cluster 1990) connect at weight=65.0
2025-04-09 19:04:10.476 | DEBUG    | __main__:<module>:20 - Iteration 1989: Points 1990 (cluster 3988) and 1991 (cluster 1991) connect at weight=64.0
2025-04-09 19:04:10.476 | DEBUG    | __main__:<module>:20 - Iteration 1990: Points 1989 (cluster 3987) and 1992 (cluster 1992) connect at weight=62.0
2025-04-09 19:04:10.477 | DEBUG    | __main__:<module>:20 - Iteration 1991: Points 1987 (cluster 3989) and 1993 (cluster 1993) connect at weight=61.0
2025-04-09 19:04:10.477 | DEBUG    | __main__:<module>:20 - Iteration 1992: Points 1993 (cluster 3991) and 1994 (cluster 1994) connect at weight=60.0
2025-04-09 19:04:10.477 | DEBUG    | __main__:<module>:20 - Iteration 1993: Points 1994 (cluster 3992) and 1995 (cluster 1995) connect at weight=58.0
2025-04-09 19:04:10.477 | DEBUG    | __main__:<module>:20 - Iteration 1994: Points 1982 (cluster 3990) and 1996 (cluster 1996) connect at weight=57.0
2025-04-09 19:04:10.477 | DEBUG    | __main__:<module>:20 - Iteration 1995: Points 1991 (cluster 3993) and 1997 (cluster 1997) connect at weight=55.0
2025-04-09 19:04:10.478 | DEBUG    | __main__:<module>:20 - Iteration 1996: Points 1999 (cluster 1999) and 1998 (cluster 1998) connect at weight=50.0
2025-04-09 19:04:10.478 | DEBUG    | __main__:<module>:20 - Iteration 1997: Points 1997 (cluster 3995) and 1999 (cluster 3996) connect at weight=50.0
2025-04-09 19:04:10.478 | INFO     | __main__:<module>:20 - Found 2 disjoint components
2025-04-09 19:04:10.478 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 19:04:10.493 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 19:04:10.494 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 19:04:10.541 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterCommonNNMSTPrim
2025-04-09 19:04:12.051 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 19:04:12.053 | DEBUG    | __main__:<module>:20 - 1999 edges in MST
2025-04-09 19:04:12.054 | DEBUG    | __main__:<module>:20 - Iteration 0: Points 0 (cluster 0) and 2 (cluster 2) connect at weight=680.0
2025-04-09 19:04:12.054 | DEBUG    | __main__:<module>:20 - Iteration 1: Points 14 (cluster 14) and 11 (cluster 11) connect at weight=679.0
2025-04-09 19:04:12.054 | DEBUG    | __main__:<module>:20 - Iteration 2: Points 14 (cluster 2001) and 10 (cluster 10) connect at weight=679.0
2025-04-09 19:04:12.054 | DEBUG    | __main__:<module>:20 - Iteration 3: Points 14 (cluster 2002) and 8 (cluster 8) connect at weight=679.0
2025-04-09 19:04:12.054 | DEBUG    | __main__:<module>:20 - Iteration 4: Points 14 (cluster 2003) and 3 (cluster 3) connect at weight=679.0
2025-04-09 19:04:12.055 | DEBUG    | __main__:<module>:20 - Iteration 5: Points 13 (cluster 13) and 12 (cluster 12) connect at weight=679.0
2025-04-09 19:04:12.055 | DEBUG    | __main__:<module>:20 - Iteration 6: Points 13 (cluster 2005) and 9 (cluster 9) connect at weight=679.0
2025-04-09 19:04:12.055 | DEBUG    | __main__:<module>:20 - Iteration 7: Points 13 (cluster 2006) and 5 (cluster 5) connect at weight=679.0
2025-04-09 19:04:12.055 | DEBUG    | __main__:<module>:20 - Iteration 8: Points 13 (cluster 2007) and 4 (cluster 4) connect at weight=679.0
2025-04-09 19:04:12.055 | DEBUG    | __main__:<module>:20 - Iteration 9: Points 2 (cluster 2000) and 14 (cluster 2004) connect at weight=679.0
2025-04-09 19:04:12.056 | DEBUG    | __main__:<module>:20 - Iteration 10: Points 2 (cluster 2009) and 13 (cluster 2008) connect at weight=679.0
2025-04-09 19:04:12.056 | DEBUG    | __main__:<module>:20 - Iteration 11: Points 30 (cluster 30) and 23 (cluster 23) connect at weight=678.0
2025-04-09 19:04:12.056 | DEBUG    | __main__:<module>:20 - Iteration 12: Points 30 (cluster 2011) and 17 (cluster 17) connect at weight=678.0
2025-04-09 19:04:12.056 | DEBUG    | __main__:<module>:20 - Iteration 13: Points 29 (cluster 29) and 26 (cluster 26) connect at weight=678.0
2025-04-09 19:04:12.056 | DEBUG    | __main__:<module>:20 - Iteration 14: Points 29 (cluster 2013) and 21 (cluster 21) connect at weight=678.0
2025-04-09 19:04:12.057 | DEBUG    | __main__:<module>:20 - Iteration 15: Points 29 (cluster 2014) and 19 (cluster 19) connect at weight=678.0
2025-04-09 19:04:12.057 | DEBUG    | __main__:<module>:20 - Iteration 16: Points 29 (cluster 2015) and 18 (cluster 18) connect at weight=678.0
2025-04-09 19:04:12.058 | DEBUG    | __main__:<module>:20 - Iteration 17: Points 28 (cluster 28) and 20 (cluster 20) connect at weight=678.0
2025-04-09 19:04:12.058 | DEBUG    | __main__:<module>:20 - Iteration 18: Points 25 (cluster 25) and 22 (cluster 22) connect at weight=678.0
2025-04-09 19:04:12.058 | DEBUG    | __main__:<module>:20 - Iteration 19: Points 14 (cluster 2010) and 16 (cluster 16) connect at weight=678.0
2025-04-09 19:04:12.059 | DEBUG    | __main__:<module>:20 - Iteration 20: Points 13 (cluster 2019) and 30 (cluster 2012) connect at weight=678.0
2025-04-09 19:04:12.059 | DEBUG    | __main__:<module>:20 - Iteration 21: Points 7 (cluster 7) and 27 (cluster 27) connect at weight=678.0
2025-04-09 19:04:12.059 | DEBUG    | __main__:<module>:20 - Iteration 22: Points 6 (cluster 6) and 1 (cluster 1) connect at weight=678.0
2025-04-09 19:04:12.059 | DEBUG    | __main__:<module>:20 - Iteration 23: Points 1 (cluster 2022) and 7 (cluster 2021) connect at weight=678.0
2025-04-09 19:04:12.060 | DEBUG    | __main__:<module>:20 - Iteration 24: Points 88 (cluster 88) and 31 (cluster 31) connect at weight=677.0
2025-04-09 19:04:12.060 | DEBUG    | __main__:<module>:20 - Iteration 25: Points 87 (cluster 87) and 49 (cluster 49) connect at weight=677.0
2025-04-09 19:04:12.060 | DEBUG    | __main__:<module>:20 - Iteration 26: Points 87 (cluster 2025) and 25 (cluster 2018) connect at weight=677.0
2025-04-09 19:04:12.060 | DEBUG    | __main__:<module>:20 - Iteration 27: Points 86 (cluster 86) and 85 (cluster 85) connect at weight=677.0
2025-04-09 19:04:12.060 | DEBUG    | __main__:<module>:20 - Iteration 28: Points 84 (cluster 84) and 55 (cluster 55) connect at weight=677.0
2025-04-09 19:04:12.061 | DEBUG    | __main__:<module>:20 - Iteration 29: Points 84 (cluster 2028) and 43 (cluster 43) connect at weight=677.0
2025-04-09 19:04:12.061 | DEBUG    | __main__:<module>:20 - Iteration 30: Points 83 (cluster 83) and 57 (cluster 57) connect at weight=677.0
2025-04-09 19:04:12.061 | DEBUG    | __main__:<module>:20 - Iteration 31: Points 82 (cluster 82) and 24 (cluster 24) connect at weight=677.0
2025-04-09 19:04:12.061 | DEBUG    | __main__:<module>:20 - Iteration 32: Points 81 (cluster 81) and 79 (cluster 79) connect at weight=677.0
2025-04-09 19:04:12.061 | DEBUG    | __main__:<module>:20 - Iteration 33: Points 81 (cluster 2032) and 78 (cluster 78) connect at weight=677.0
2025-04-09 19:04:12.062 | DEBUG    | __main__:<module>:20 - Iteration 34: Points 81 (cluster 2033) and 69 (cluster 69) connect at weight=677.0
2025-04-09 19:04:12.062 | DEBUG    | __main__:<module>:20 - Iteration 35: Points 81 (cluster 2034) and 67 (cluster 67) connect at weight=677.0
2025-04-09 19:04:12.062 | DEBUG    | __main__:<module>:20 - Iteration 36: Points 81 (cluster 2035) and 64 (cluster 64) connect at weight=677.0
2025-04-09 19:04:12.062 | DEBUG    | __main__:<module>:20 - Iteration 37: Points 81 (cluster 2036) and 61 (cluster 61) connect at weight=677.0
2025-04-09 19:04:12.062 | DEBUG    | __main__:<module>:20 - Iteration 38: Points 81 (cluster 2037) and 59 (cluster 59) connect at weight=677.0
2025-04-09 19:04:12.063 | DEBUG    | __main__:<module>:20 - Iteration 39: Points 81 (cluster 2038) and 58 (cluster 58) connect at weight=677.0
2025-04-09 19:04:12.063 | DEBUG    | __main__:<module>:20 - Iteration 40: Points 81 (cluster 2039) and 56 (cluster 56) connect at weight=677.0
2025-04-09 19:04:12.063 | DEBUG    | __main__:<module>:20 - Iteration 41: Points 81 (cluster 2040) and 54 (cluster 54) connect at weight=677.0
2025-04-09 19:04:12.063 | DEBUG    | __main__:<module>:20 - Iteration 42: Points 81 (cluster 2041) and 53 (cluster 53) connect at weight=677.0
2025-04-09 19:04:12.063 | DEBUG    | __main__:<module>:20 - Iteration 43: Points 81 (cluster 2042) and 51 (cluster 51) connect at weight=677.0
2025-04-09 19:04:12.063 | DEBUG    | __main__:<module>:20 - Iteration 44: Points 81 (cluster 2043) and 48 (cluster 48) connect at weight=677.0
2025-04-09 19:04:12.064 | DEBUG    | __main__:<module>:20 - Iteration 45: Points 81 (cluster 2044) and 47 (cluster 47) connect at weight=677.0
2025-04-09 19:04:12.064 | DEBUG    | __main__:<module>:20 - Iteration 46: Points 81 (cluster 2045) and 46 (cluster 46) connect at weight=677.0
2025-04-09 19:04:12.064 | DEBUG    | __main__:<module>:20 - Iteration 47: Points 81 (cluster 2046) and 44 (cluster 44) connect at weight=677.0
2025-04-09 19:04:12.064 | DEBUG    | __main__:<module>:20 - Iteration 48: Points 81 (cluster 2047) and 42 (cluster 42) connect at weight=677.0
2025-04-09 19:04:12.064 | DEBUG    | __main__:<module>:20 - Iteration 49: Points 81 (cluster 2048) and 41 (cluster 41) connect at weight=677.0
2025-04-09 19:04:12.066 | DEBUG    | __main__:<module>:20 - Iteration 50: Points 81 (cluster 2049) and 40 (cluster 40) connect at weight=677.0
2025-04-09 19:04:12.066 | DEBUG    | __main__:<module>:20 - Iteration 51: Points 81 (cluster 2050) and 37 (cluster 37) connect at weight=677.0
2025-04-09 19:04:12.067 | DEBUG    | __main__:<module>:20 - Iteration 52: Points 81 (cluster 2051) and 33 (cluster 33) connect at weight=677.0
2025-04-09 19:04:12.067 | DEBUG    | __main__:<module>:20 - Iteration 53: Points 81 (cluster 2052) and 29 (cluster 2016) connect at weight=677.0
2025-04-09 19:04:12.067 | DEBUG    | __main__:<module>:20 - Iteration 54: Points 80 (cluster 80) and 71 (cluster 71) connect at weight=677.0
2025-04-09 19:04:12.067 | DEBUG    | __main__:<module>:20 - Iteration 55: Points 80 (cluster 2054) and 63 (cluster 63) connect at weight=677.0
2025-04-09 19:04:12.067 | DEBUG    | __main__:<module>:20 - Iteration 56: Points 80 (cluster 2055) and 60 (cluster 60) connect at weight=677.0
2025-04-09 19:04:12.068 | DEBUG    | __main__:<module>:20 - Iteration 57: Points 80 (cluster 2056) and 50 (cluster 50) connect at weight=677.0
2025-04-09 19:04:12.068 | DEBUG    | __main__:<module>:20 - Iteration 58: Points 80 (cluster 2057) and 45 (cluster 45) connect at weight=677.0
2025-04-09 19:04:12.068 | DEBUG    | __main__:<module>:20 - Iteration 59: Points 80 (cluster 2058) and 38 (cluster 38) connect at weight=677.0
2025-04-09 19:04:12.068 | DEBUG    | __main__:<module>:20 - Iteration 60: Points 80 (cluster 2059) and 32 (cluster 32) connect at weight=677.0
2025-04-09 19:04:12.068 | DEBUG    | __main__:<module>:20 - Iteration 61: Points 76 (cluster 76) and 74 (cluster 74) connect at weight=677.0
2025-04-09 19:04:12.069 | DEBUG    | __main__:<module>:20 - Iteration 62: Points 76 (cluster 2061) and 39 (cluster 39) connect at weight=677.0
2025-04-09 19:04:12.069 | DEBUG    | __main__:<module>:20 - Iteration 63: Points 76 (cluster 2062) and 36 (cluster 36) connect at weight=677.0
2025-04-09 19:04:12.069 | DEBUG    | __main__:<module>:20 - Iteration 64: Points 75 (cluster 75) and 73 (cluster 73) connect at weight=677.0
2025-04-09 19:04:12.069 | DEBUG    | __main__:<module>:20 - Iteration 65: Points 70 (cluster 70) and 66 (cluster 66) connect at weight=677.0
2025-04-09 19:04:12.069 | DEBUG    | __main__:<module>:20 - Iteration 66: Points 62 (cluster 62) and 52 (cluster 52) connect at weight=677.0
2025-04-09 19:04:12.070 | DEBUG    | __main__:<module>:20 - Iteration 67: Points 30 (cluster 2020) and 88 (cluster 2024) connect at weight=677.0
2025-04-09 19:04:12.071 | DEBUG    | __main__:<module>:20 - Iteration 68: Points 30 (cluster 2067) and 76 (cluster 2063) connect at weight=677.0
2025-04-09 19:04:12.071 | DEBUG    | __main__:<module>:20 - Iteration 69: Points 29 (cluster 2053) and 80 (cluster 2060) connect at weight=677.0
2025-04-09 19:04:12.071 | DEBUG    | __main__:<module>:20 - Iteration 70: Points 28 (cluster 2017) and 83 (cluster 2030) connect at weight=677.0
2025-04-09 19:04:12.071 | DEBUG    | __main__:<module>:20 - Iteration 71: Points 27 (cluster 2023) and 82 (cluster 2031) connect at weight=677.0
2025-04-09 19:04:12.071 | DEBUG    | __main__:<module>:20 - Iteration 72: Points 25 (cluster 2026) and 62 (cluster 2066) connect at weight=677.0
2025-04-09 19:04:12.071 | DEBUG    | __main__:<module>:20 - Iteration 73: Points 25 (cluster 2072) and 35 (cluster 35) connect at weight=677.0
2025-04-09 19:04:12.072 | DEBUG    | __main__:<module>:20 - Iteration 74: Points 24 (cluster 2071) and 28 (cluster 2070) connect at weight=677.0
2025-04-09 19:04:12.072 | DEBUG    | __main__:<module>:20 - Iteration 75: Points 15 (cluster 15) and 77 (cluster 77) connect at weight=677.0
2025-04-09 19:04:12.072 | DEBUG    | __main__:<module>:20 - Iteration 76: Points 14 (cluster 2068) and 86 (cluster 2027) connect at weight=677.0
2025-04-09 19:04:12.072 | DEBUG    | __main__:<module>:20 - Iteration 77: Points 14 (cluster 2076) and 65 (cluster 65) connect at weight=677.0
2025-04-09 19:04:12.072 | DEBUG    | __main__:<module>:20 - Iteration 78: Points 13 (cluster 2077) and 6 (cluster 2074) connect at weight=677.0
2025-04-09 19:04:12.073 | DEBUG    | __main__:<module>:20 - Iteration 79: Points 6 (cluster 2078) and 15 (cluster 2075) connect at weight=677.0
2025-04-09 19:04:12.073 | DEBUG    | __main__:<module>:20 - Iteration 80: Points 118 (cluster 118) and 93 (cluster 93) connect at weight=676.0
2025-04-09 19:04:12.073 | DEBUG    | __main__:<module>:20 - Iteration 81: Points 116 (cluster 116) and 112 (cluster 112) connect at weight=676.0
2025-04-09 19:04:12.073 | DEBUG    | __main__:<module>:20 - Iteration 82: Points 116 (cluster 2081) and 110 (cluster 110) connect at weight=676.0
2025-04-09 19:04:12.101 | DEBUG    | __main__:<module>:20 - Iteration 83: Points 115 (cluster 115) and 107 (cluster 107) connect at weight=676.0
2025-04-09 19:04:12.101 | DEBUG    | __main__:<module>:20 - Iteration 84: Points 115 (cluster 2083) and 99 (cluster 99) connect at weight=676.0
2025-04-09 19:04:12.101 | DEBUG    | __main__:<module>:20 - Iteration 85: Points 114 (cluster 114) and 113 (cluster 113) connect at weight=676.0
2025-04-09 19:04:12.102 | DEBUG    | __main__:<module>:20 - Iteration 86: Points 114 (cluster 2085) and 103 (cluster 103) connect at weight=676.0
2025-04-09 19:04:12.102 | DEBUG    | __main__:<module>:20 - Iteration 87: Points 114 (cluster 2086) and 97 (cluster 97) connect at weight=676.0
2025-04-09 19:04:12.102 | DEBUG    | __main__:<module>:20 - Iteration 88: Points 114 (cluster 2087) and 89 (cluster 89) connect at weight=676.0
2025-04-09 19:04:12.102 | DEBUG    | __main__:<module>:20 - Iteration 89: Points 109 (cluster 109) and 98 (cluster 98) connect at weight=676.0
2025-04-09 19:04:12.102 | DEBUG    | __main__:<module>:20 - Iteration 90: Points 109 (cluster 2089) and 94 (cluster 94) connect at weight=676.0
2025-04-09 19:04:12.103 | DEBUG    | __main__:<module>:20 - Iteration 91: Points 108 (cluster 108) and 105 (cluster 105) connect at weight=676.0
2025-04-09 19:04:12.103 | DEBUG    | __main__:<module>:20 - Iteration 92: Points 106 (cluster 106) and 102 (cluster 102) connect at weight=676.0
2025-04-09 19:04:12.103 | DEBUG    | __main__:<module>:20 - Iteration 93: Points 100 (cluster 100) and 75 (cluster 2064) connect at weight=676.0
2025-04-09 19:04:12.103 | DEBUG    | __main__:<module>:20 - Iteration 94: Points 95 (cluster 95) and 90 (cluster 90) connect at weight=676.0
2025-04-09 19:04:12.103 | DEBUG    | __main__:<module>:20 - Iteration 95: Points 92 (cluster 92) and 91 (cluster 91) connect at weight=676.0
2025-04-09 19:04:12.104 | DEBUG    | __main__:<module>:20 - Iteration 96: Points 88 (cluster 2079) and 87 (cluster 2073) connect at weight=676.0
2025-04-09 19:04:12.104 | DEBUG    | __main__:<module>:20 - Iteration 97: Points 87 (cluster 2096) and 100 (cluster 2093) connect at weight=676.0
2025-04-09 19:04:12.104 | DEBUG    | __main__:<module>:20 - Iteration 98: Points 86 (cluster 2097) and 81 (cluster 2069) connect at weight=676.0
2025-04-09 19:04:12.104 | DEBUG    | __main__:<module>:20 - Iteration 99: Points 84 (cluster 2029) and 70 (cluster 2065) connect at weight=676.0
2025-04-09 19:04:12.104 | DEBUG    | __main__:<module>:20 - Iteration 100: Points 83 (cluster 2098) and 101 (cluster 101) connect at weight=676.0
2025-04-09 19:04:12.104 | DEBUG    | __main__:<module>:20 - Iteration 101: Points 81 (cluster 2100) and 115 (cluster 2084) connect at weight=676.0
2025-04-09 19:04:12.105 | DEBUG    | __main__:<module>:20 - Iteration 102: Points 81 (cluster 2101) and 114 (cluster 2088) connect at weight=676.0
2025-04-09 19:04:12.105 | DEBUG    | __main__:<module>:20 - Iteration 103: Points 80 (cluster 2102) and 109 (cluster 2090) connect at weight=676.0
2025-04-09 19:04:12.105 | DEBUG    | __main__:<module>:20 - Iteration 104: Points 80 (cluster 2103) and 92 (cluster 2095) connect at weight=676.0
2025-04-09 19:04:12.105 | DEBUG    | __main__:<module>:20 - Iteration 105: Points 76 (cluster 2104) and 84 (cluster 2099) connect at weight=676.0
2025-04-09 19:04:12.105 | DEBUG    | __main__:<module>:20 - Iteration 106: Points 75 (cluster 2105) and 108 (cluster 2091) connect at weight=676.0
2025-04-09 19:04:12.107 | DEBUG    | __main__:<module>:20 - Iteration 107: Points 70 (cluster 2106) and 118 (cluster 2080) connect at weight=676.0
2025-04-09 19:04:12.107 | DEBUG    | __main__:<module>:20 - Iteration 108: Points 62 (cluster 2107) and 96 (cluster 96) connect at weight=676.0
2025-04-09 19:04:12.107 | DEBUG    | __main__:<module>:20 - Iteration 109: Points 62 (cluster 2108) and 95 (cluster 2094) connect at weight=676.0
2025-04-09 19:04:12.107 | DEBUG    | __main__:<module>:20 - Iteration 110: Points 35 (cluster 2109) and 111 (cluster 111) connect at weight=676.0
2025-04-09 19:04:12.107 | DEBUG    | __main__:<module>:20 - Iteration 111: Points 29 (cluster 2110) and 116 (cluster 2082) connect at weight=676.0
2025-04-09 19:04:12.108 | DEBUG    | __main__:<module>:20 - Iteration 112: Points 157 (cluster 157) and 155 (cluster 155) connect at weight=675.0
2025-04-09 19:04:12.108 | DEBUG    | __main__:<module>:20 - Iteration 113: Points 157 (cluster 2112) and 154 (cluster 154) connect at weight=675.0
2025-04-09 19:04:12.108 | DEBUG    | __main__:<module>:20 - Iteration 114: Points 157 (cluster 2113) and 150 (cluster 150) connect at weight=675.0
2025-04-09 19:04:12.108 | DEBUG    | __main__:<module>:20 - Iteration 115: Points 157 (cluster 2114) and 145 (cluster 145) connect at weight=675.0
2025-04-09 19:04:12.108 | DEBUG    | __main__:<module>:20 - Iteration 116: Points 157 (cluster 2115) and 142 (cluster 142) connect at weight=675.0
2025-04-09 19:04:12.109 | DEBUG    | __main__:<module>:20 - Iteration 117: Points 157 (cluster 2116) and 125 (cluster 125) connect at weight=675.0
2025-04-09 19:04:12.109 | DEBUG    | __main__:<module>:20 - Iteration 118: Points 152 (cluster 152) and 141 (cluster 141) connect at weight=675.0
2025-04-09 19:04:12.109 | DEBUG    | __main__:<module>:20 - Iteration 119: Points 152 (cluster 2118) and 128 (cluster 128) connect at weight=675.0
2025-04-09 19:04:12.109 | DEBUG    | __main__:<module>:20 - Iteration 120: Points 152 (cluster 2119) and 126 (cluster 126) connect at weight=675.0
2025-04-09 19:04:12.109 | DEBUG    | __main__:<module>:20 - Iteration 121: Points 152 (cluster 2120) and 120 (cluster 120) connect at weight=675.0
2025-04-09 19:04:12.109 | DEBUG    | __main__:<module>:20 - Iteration 122: Points 151 (cluster 151) and 149 (cluster 149) connect at weight=675.0
2025-04-09 19:04:12.110 | DEBUG    | __main__:<module>:20 - Iteration 123: Points 151 (cluster 2122) and 147 (cluster 147) connect at weight=675.0
2025-04-09 19:04:12.110 | DEBUG    | __main__:<module>:20 - Iteration 124: Points 151 (cluster 2123) and 146 (cluster 146) connect at weight=675.0
2025-04-09 19:04:12.110 | DEBUG    | __main__:<module>:20 - Iteration 125: Points 151 (cluster 2124) and 140 (cluster 140) connect at weight=675.0
2025-04-09 19:04:12.110 | DEBUG    | __main__:<module>:20 - Iteration 126: Points 151 (cluster 2125) and 135 (cluster 135) connect at weight=675.0
2025-04-09 19:04:12.110 | DEBUG    | __main__:<module>:20 - Iteration 127: Points 151 (cluster 2126) and 134 (cluster 134) connect at weight=675.0
2025-04-09 19:04:12.111 | DEBUG    | __main__:<module>:20 - Iteration 128: Points 151 (cluster 2127) and 133 (cluster 133) connect at weight=675.0
2025-04-09 19:04:12.111 | DEBUG    | __main__:<module>:20 - Iteration 129: Points 151 (cluster 2128) and 131 (cluster 131) connect at weight=675.0
2025-04-09 19:04:12.111 | DEBUG    | __main__:<module>:20 - Iteration 130: Points 151 (cluster 2129) and 129 (cluster 129) connect at weight=675.0
2025-04-09 19:04:12.111 | DEBUG    | __main__:<module>:20 - Iteration 131: Points 151 (cluster 2130) and 127 (cluster 127) connect at weight=675.0
2025-04-09 19:04:12.111 | DEBUG    | __main__:<module>:20 - Iteration 132: Points 151 (cluster 2131) and 124 (cluster 124) connect at weight=675.0
2025-04-09 19:04:12.112 | DEBUG    | __main__:<module>:20 - Iteration 133: Points 151 (cluster 2132) and 123 (cluster 123) connect at weight=675.0
2025-04-09 19:04:12.112 | DEBUG    | __main__:<module>:20 - Iteration 134: Points 151 (cluster 2133) and 119 (cluster 119) connect at weight=675.0
2025-04-09 19:04:12.112 | DEBUG    | __main__:<module>:20 - Iteration 135: Points 143 (cluster 143) and 137 (cluster 137) connect at weight=675.0
2025-04-09 19:04:12.112 | DEBUG    | __main__:<module>:20 - Iteration 136: Points 143 (cluster 2135) and 136 (cluster 136) connect at weight=675.0
2025-04-09 19:04:12.112 | DEBUG    | __main__:<module>:20 - Iteration 137: Points 143 (cluster 2136) and 121 (cluster 121) connect at weight=675.0
2025-04-09 19:04:12.113 | DEBUG    | __main__:<module>:20 - Iteration 138: Points 139 (cluster 139) and 106 (cluster 2092) connect at weight=675.0
2025-04-09 19:04:12.113 | DEBUG    | __main__:<module>:20 - Iteration 139: Points 118 (cluster 2111) and 143 (cluster 2137) connect at weight=675.0
2025-04-09 19:04:12.113 | DEBUG    | __main__:<module>:20 - Iteration 140: Points 116 (cluster 2139) and 156 (cluster 156) connect at weight=675.0
2025-04-09 19:04:12.113 | DEBUG    | __main__:<module>:20 - Iteration 141: Points 116 (cluster 2140) and 153 (cluster 153) connect at weight=675.0
2025-04-09 19:04:12.113 | DEBUG    | __main__:<module>:20 - Iteration 142: Points 114 (cluster 2141) and 152 (cluster 2121) connect at weight=675.0
2025-04-09 19:04:12.114 | DEBUG    | __main__:<module>:20 - Iteration 143: Points 108 (cluster 2142) and 139 (cluster 2138) connect at weight=675.0
2025-04-09 19:04:12.114 | DEBUG    | __main__:<module>:20 - Iteration 144: Points 106 (cluster 2143) and 68 (cluster 68) connect at weight=675.0
2025-04-09 19:04:12.114 | DEBUG    | __main__:<module>:20 - Iteration 145: Points 104 (cluster 104) and 148 (cluster 148) connect at weight=675.0
2025-04-09 19:04:12.114 | DEBUG    | __main__:<module>:20 - Iteration 146: Points 96 (cluster 2144) and 104 (cluster 2145) connect at weight=675.0
2025-04-09 19:04:12.114 | DEBUG    | __main__:<module>:20 - Iteration 147: Points 95 (cluster 2146) and 157 (cluster 2117) connect at weight=675.0
2025-04-09 19:04:12.114 | DEBUG    | __main__:<module>:20 - Iteration 148: Points 92 (cluster 2147) and 151 (cluster 2134) connect at weight=675.0
2025-04-09 19:04:12.115 | DEBUG    | __main__:<module>:20 - Iteration 149: Points 72 (cluster 72) and 117 (cluster 117) connect at weight=675.0
2025-04-09 19:04:12.115 | DEBUG    | __main__:<module>:20 - Iteration 150: Points 70 (cluster 2148) and 138 (cluster 138) connect at weight=675.0
2025-04-09 19:04:12.115 | DEBUG    | __main__:<module>:20 - Iteration 151: Points 68 (cluster 2150) and 158 (cluster 158) connect at weight=675.0
2025-04-09 19:04:12.115 | DEBUG    | __main__:<module>:20 - Iteration 152: Points 68 (cluster 2151) and 72 (cluster 2149) connect at weight=675.0
2025-04-09 19:04:12.115 | DEBUG    | __main__:<module>:20 - Iteration 153: Points 34 (cluster 34) and 132 (cluster 132) connect at weight=675.0
2025-04-09 19:04:12.116 | DEBUG    | __main__:<module>:20 - Iteration 154: Points 24 (cluster 2152) and 34 (cluster 2153) connect at weight=675.0
2025-04-09 19:04:12.116 | DEBUG    | __main__:<module>:20 - Iteration 155: Points 1 (cluster 2154) and 122 (cluster 122) connect at weight=675.0
2025-04-09 19:04:12.116 | DEBUG    | __main__:<module>:20 - Iteration 156: Points 184 (cluster 184) and 180 (cluster 180) connect at weight=674.0
2025-04-09 19:04:12.116 | DEBUG    | __main__:<module>:20 - Iteration 157: Points 184 (cluster 2156) and 179 (cluster 179) connect at weight=674.0
2025-04-09 19:04:12.116 | DEBUG    | __main__:<module>:20 - Iteration 158: Points 184 (cluster 2157) and 178 (cluster 178) connect at weight=674.0
2025-04-09 19:04:12.116 | DEBUG    | __main__:<module>:20 - Iteration 159: Points 184 (cluster 2158) and 175 (cluster 175) connect at weight=674.0
2025-04-09 19:04:12.117 | DEBUG    | __main__:<module>:20 - Iteration 160: Points 184 (cluster 2159) and 174 (cluster 174) connect at weight=674.0
2025-04-09 19:04:12.117 | DEBUG    | __main__:<module>:20 - Iteration 161: Points 184 (cluster 2160) and 171 (cluster 171) connect at weight=674.0
2025-04-09 19:04:12.117 | DEBUG    | __main__:<module>:20 - Iteration 162: Points 184 (cluster 2161) and 170 (cluster 170) connect at weight=674.0
2025-04-09 19:04:12.117 | DEBUG    | __main__:<module>:20 - Iteration 163: Points 184 (cluster 2162) and 169 (cluster 169) connect at weight=674.0
2025-04-09 19:04:12.117 | DEBUG    | __main__:<module>:20 - Iteration 164: Points 184 (cluster 2163) and 166 (cluster 166) connect at weight=674.0
2025-04-09 19:04:12.118 | DEBUG    | __main__:<module>:20 - Iteration 165: Points 184 (cluster 2164) and 165 (cluster 165) connect at weight=674.0
2025-04-09 19:04:12.118 | DEBUG    | __main__:<module>:20 - Iteration 166: Points 184 (cluster 2165) and 164 (cluster 164) connect at weight=674.0
2025-04-09 19:04:12.118 | DEBUG    | __main__:<module>:20 - Iteration 167: Points 172 (cluster 172) and 159 (cluster 159) connect at weight=674.0
2025-04-09 19:04:12.118 | DEBUG    | __main__:<module>:20 - Iteration 168: Points 167 (cluster 167) and 162 (cluster 162) connect at weight=674.0
2025-04-09 19:04:12.118 | DEBUG    | __main__:<module>:20 - Iteration 169: Points 157 (cluster 2155) and 181 (cluster 181) connect at weight=674.0
2025-04-09 19:04:12.118 | DEBUG    | __main__:<module>:20 - Iteration 170: Points 157 (cluster 2169) and 172 (cluster 2167) connect at weight=674.0
2025-04-09 19:04:12.119 | DEBUG    | __main__:<module>:20 - Iteration 171: Points 157 (cluster 2170) and 168 (cluster 168) connect at weight=674.0
2025-04-09 19:04:12.119 | DEBUG    | __main__:<module>:20 - Iteration 172: Points 152 (cluster 2171) and 182 (cluster 182) connect at weight=674.0
2025-04-09 19:04:12.119 | DEBUG    | __main__:<module>:20 - Iteration 173: Points 152 (cluster 2172) and 177 (cluster 177) connect at weight=674.0
2025-04-09 19:04:12.119 | DEBUG    | __main__:<module>:20 - Iteration 174: Points 151 (cluster 2173) and 185 (cluster 185) connect at weight=674.0
2025-04-09 19:04:12.119 | DEBUG    | __main__:<module>:20 - Iteration 175: Points 151 (cluster 2174) and 176 (cluster 176) connect at weight=674.0
2025-04-09 19:04:12.120 | DEBUG    | __main__:<module>:20 - Iteration 176: Points 138 (cluster 2175) and 184 (cluster 2166) connect at weight=674.0
2025-04-09 19:04:12.120 | DEBUG    | __main__:<module>:20 - Iteration 177: Points 111 (cluster 2176) and 163 (cluster 163) connect at weight=674.0
2025-04-09 19:04:12.120 | DEBUG    | __main__:<module>:20 - Iteration 178: Points 109 (cluster 2177) and 167 (cluster 2168) connect at weight=674.0
2025-04-09 19:04:12.120 | DEBUG    | __main__:<module>:20 - Iteration 179: Points 101 (cluster 2178) and 160 (cluster 160) connect at weight=674.0
2025-04-09 19:04:12.120 | DEBUG    | __main__:<module>:20 - Iteration 180: Points 86 (cluster 2179) and 144 (cluster 144) connect at weight=674.0
2025-04-09 19:04:12.121 | DEBUG    | __main__:<module>:20 - Iteration 181: Points 70 (cluster 2180) and 173 (cluster 173) connect at weight=674.0
2025-04-09 19:04:12.121 | DEBUG    | __main__:<module>:20 - Iteration 182: Points 203 (cluster 203) and 199 (cluster 199) connect at weight=673.0
2025-04-09 19:04:12.121 | DEBUG    | __main__:<module>:20 - Iteration 183: Points 203 (cluster 2182) and 196 (cluster 196) connect at weight=673.0
2025-04-09 19:04:12.121 | DEBUG    | __main__:<module>:20 - Iteration 184: Points 198 (cluster 198) and 193 (cluster 193) connect at weight=673.0
2025-04-09 19:04:12.121 | DEBUG    | __main__:<module>:20 - Iteration 185: Points 198 (cluster 2184) and 186 (cluster 186) connect at weight=673.0
2025-04-09 19:04:12.121 | DEBUG    | __main__:<module>:20 - Iteration 186: Points 197 (cluster 197) and 190 (cluster 190) connect at weight=673.0
2025-04-09 19:04:12.122 | DEBUG    | __main__:<module>:20 - Iteration 187: Points 195 (cluster 195) and 191 (cluster 191) connect at weight=673.0
2025-04-09 19:04:12.122 | DEBUG    | __main__:<module>:20 - Iteration 188: Points 183 (cluster 183) and 187 (cluster 187) connect at weight=673.0
2025-04-09 19:04:12.122 | DEBUG    | __main__:<module>:20 - Iteration 189: Points 176 (cluster 2181) and 194 (cluster 194) connect at weight=673.0
2025-04-09 19:04:12.122 | DEBUG    | __main__:<module>:20 - Iteration 190: Points 173 (cluster 2189) and 198 (cluster 2185) connect at weight=673.0
2025-04-09 19:04:12.122 | DEBUG    | __main__:<module>:20 - Iteration 191: Points 172 (cluster 2190) and 201 (cluster 201) connect at weight=673.0
2025-04-09 19:04:12.123 | DEBUG    | __main__:<module>:20 - Iteration 192: Points 168 (cluster 2191) and 192 (cluster 192) connect at weight=673.0
2025-04-09 19:04:12.123 | DEBUG    | __main__:<module>:20 - Iteration 193: Points 161 (cluster 161) and 183 (cluster 2188) connect at weight=673.0
2025-04-09 19:04:12.123 | DEBUG    | __main__:<module>:20 - Iteration 194: Points 158 (cluster 2192) and 161 (cluster 2193) connect at weight=673.0
2025-04-09 19:04:12.123 | DEBUG    | __main__:<module>:20 - Iteration 195: Points 156 (cluster 2194) and 203 (cluster 2183) connect at weight=673.0
2025-04-09 19:04:12.123 | DEBUG    | __main__:<module>:20 - Iteration 196: Points 153 (cluster 2195) and 195 (cluster 2187) connect at weight=673.0
2025-04-09 19:04:12.123 | DEBUG    | __main__:<module>:20 - Iteration 197: Points 151 (cluster 2196) and 200 (cluster 200) connect at weight=673.0
2025-04-09 19:04:12.124 | DEBUG    | __main__:<module>:20 - Iteration 198: Points 151 (cluster 2197) and 189 (cluster 189) connect at weight=673.0
2025-04-09 19:04:12.124 | DEBUG    | __main__:<module>:20 - Iteration 199: Points 109 (cluster 2198) and 197 (cluster 2186) connect at weight=673.0
2025-04-09 19:04:12.124 | DEBUG    | __main__:<module>:20 - Iteration 200: Points 84 (cluster 2199) and 202 (cluster 202) connect at weight=673.0
2025-04-09 19:04:12.124 | DEBUG    | __main__:<module>:20 - Iteration 201: Points 223 (cluster 223) and 216 (cluster 216) connect at weight=672.0
2025-04-09 19:04:12.124 | DEBUG    | __main__:<module>:20 - Iteration 202: Points 220 (cluster 220) and 218 (cluster 218) connect at weight=672.0
2025-04-09 19:04:12.125 | DEBUG    | __main__:<module>:20 - Iteration 203: Points 220 (cluster 2202) and 213 (cluster 213) connect at weight=672.0
2025-04-09 19:04:12.125 | DEBUG    | __main__:<module>:20 - Iteration 204: Points 219 (cluster 219) and 130 (cluster 130) connect at weight=672.0
2025-04-09 19:04:12.125 | DEBUG    | __main__:<module>:20 - Iteration 205: Points 214 (cluster 214) and 208 (cluster 208) connect at weight=672.0
2025-04-09 19:04:12.125 | DEBUG    | __main__:<module>:20 - Iteration 206: Points 203 (cluster 2200) and 211 (cluster 211) connect at weight=672.0
2025-04-09 19:04:12.125 | DEBUG    | __main__:<module>:20 - Iteration 207: Points 202 (cluster 2206) and 221 (cluster 221) connect at weight=672.0
2025-04-09 19:04:12.125 | DEBUG    | __main__:<module>:20 - Iteration 208: Points 202 (cluster 2207) and 207 (cluster 207) connect at weight=672.0
2025-04-09 19:04:12.126 | DEBUG    | __main__:<module>:20 - Iteration 209: Points 201 (cluster 2208) and 217 (cluster 217) connect at weight=672.0
2025-04-09 19:04:12.126 | DEBUG    | __main__:<module>:20 - Iteration 210: Points 200 (cluster 2209) and 214 (cluster 2205) connect at weight=672.0
2025-04-09 19:04:12.126 | DEBUG    | __main__:<module>:20 - Iteration 211: Points 200 (cluster 2210) and 206 (cluster 206) connect at weight=672.0
2025-04-09 19:04:12.126 | DEBUG    | __main__:<module>:20 - Iteration 212: Points 198 (cluster 2211) and 220 (cluster 2203) connect at weight=672.0
2025-04-09 19:04:12.126 | DEBUG    | __main__:<module>:20 - Iteration 213: Points 197 (cluster 2212) and 210 (cluster 210) connect at weight=672.0
2025-04-09 19:04:12.127 | DEBUG    | __main__:<module>:20 - Iteration 214: Points 194 (cluster 2213) and 212 (cluster 212) connect at weight=672.0
2025-04-09 19:04:12.127 | DEBUG    | __main__:<module>:20 - Iteration 215: Points 188 (cluster 188) and 223 (cluster 2201) connect at weight=672.0
2025-04-09 19:04:12.127 | DEBUG    | __main__:<module>:20 - Iteration 216: Points 187 (cluster 2214) and 219 (cluster 2204) connect at weight=672.0
2025-04-09 19:04:12.127 | DEBUG    | __main__:<module>:20 - Iteration 217: Points 184 (cluster 2216) and 205 (cluster 205) connect at weight=672.0
2025-04-09 19:04:12.127 | DEBUG    | __main__:<module>:20 - Iteration 218: Points 156 (cluster 2217) and 209 (cluster 209) connect at weight=672.0
2025-04-09 19:04:12.127 | DEBUG    | __main__:<module>:20 - Iteration 219: Points 144 (cluster 2218) and 215 (cluster 215) connect at weight=672.0
2025-04-09 19:04:12.128 | DEBUG    | __main__:<module>:20 - Iteration 220: Points 130 (cluster 2219) and 222 (cluster 222) connect at weight=672.0
2025-04-09 19:04:12.128 | DEBUG    | __main__:<module>:20 - Iteration 221: Points 130 (cluster 2220) and 188 (cluster 2215) connect at weight=672.0
2025-04-09 19:04:12.128 | DEBUG    | __main__:<module>:20 - Iteration 222: Points 240 (cluster 240) and 239 (cluster 239) connect at weight=671.0
2025-04-09 19:04:12.128 | DEBUG    | __main__:<module>:20 - Iteration 223: Points 240 (cluster 2222) and 238 (cluster 238) connect at weight=671.0
2025-04-09 19:04:12.128 | DEBUG    | __main__:<module>:20 - Iteration 224: Points 240 (cluster 2223) and 226 (cluster 226) connect at weight=671.0
2025-04-09 19:04:12.128 | DEBUG    | __main__:<module>:20 - Iteration 225: Points 235 (cluster 235) and 232 (cluster 232) connect at weight=671.0
2025-04-09 19:04:12.129 | DEBUG    | __main__:<module>:20 - Iteration 226: Points 229 (cluster 229) and 225 (cluster 225) connect at weight=671.0
2025-04-09 19:04:12.129 | DEBUG    | __main__:<module>:20 - Iteration 227: Points 223 (cluster 2221) and 235 (cluster 2225) connect at weight=671.0
2025-04-09 19:04:12.133 | DEBUG    | __main__:<module>:20 - Iteration 228: Points 221 (cluster 2227) and 230 (cluster 230) connect at weight=671.0
2025-04-09 19:04:12.136 | DEBUG    | __main__:<module>:20 - Iteration 229: Points 220 (cluster 2228) and 240 (cluster 2224) connect at weight=671.0
2025-04-09 19:04:12.136 | DEBUG    | __main__:<module>:20 - Iteration 230: Points 217 (cluster 2229) and 236 (cluster 236) connect at weight=671.0
2025-04-09 19:04:12.136 | DEBUG    | __main__:<module>:20 - Iteration 231: Points 217 (cluster 2230) and 234 (cluster 234) connect at weight=671.0
2025-04-09 19:04:12.136 | DEBUG    | __main__:<module>:20 - Iteration 232: Points 214 (cluster 2231) and 231 (cluster 231) connect at weight=671.0
2025-04-09 19:04:12.137 | DEBUG    | __main__:<module>:20 - Iteration 233: Points 210 (cluster 2232) and 227 (cluster 227) connect at weight=671.0
2025-04-09 19:04:12.137 | DEBUG    | __main__:<module>:20 - Iteration 234: Points 209 (cluster 2233) and 237 (cluster 237) connect at weight=671.0
2025-04-09 19:04:12.137 | DEBUG    | __main__:<module>:20 - Iteration 235: Points 205 (cluster 2234) and 233 (cluster 233) connect at weight=671.0
2025-04-09 19:04:12.137 | DEBUG    | __main__:<module>:20 - Iteration 236: Points 197 (cluster 2235) and 229 (cluster 2226) connect at weight=671.0
2025-04-09 19:04:12.137 | DEBUG    | __main__:<module>:20 - Iteration 237: Points 117 (cluster 2236) and 204 (cluster 204) connect at weight=671.0
2025-04-09 19:04:12.138 | DEBUG    | __main__:<module>:20 - Iteration 238: Points 259 (cluster 259) and 255 (cluster 255) connect at weight=670.0
2025-04-09 19:04:12.138 | DEBUG    | __main__:<module>:20 - Iteration 239: Points 259 (cluster 2238) and 254 (cluster 254) connect at weight=670.0
2025-04-09 19:04:12.138 | DEBUG    | __main__:<module>:20 - Iteration 240: Points 259 (cluster 2239) and 250 (cluster 250) connect at weight=670.0
2025-04-09 19:04:12.138 | DEBUG    | __main__:<module>:20 - Iteration 241: Points 259 (cluster 2240) and 243 (cluster 243) connect at weight=670.0
2025-04-09 19:04:12.138 | DEBUG    | __main__:<module>:20 - Iteration 242: Points 259 (cluster 2241) and 241 (cluster 241) connect at weight=670.0
2025-04-09 19:04:12.138 | DEBUG    | __main__:<module>:20 - Iteration 243: Points 251 (cluster 251) and 249 (cluster 249) connect at weight=670.0
2025-04-09 19:04:12.139 | DEBUG    | __main__:<module>:20 - Iteration 244: Points 251 (cluster 2243) and 245 (cluster 245) connect at weight=670.0
2025-04-09 19:04:12.139 | DEBUG    | __main__:<module>:20 - Iteration 245: Points 251 (cluster 2244) and 242 (cluster 242) connect at weight=670.0
2025-04-09 19:04:12.139 | DEBUG    | __main__:<module>:20 - Iteration 246: Points 237 (cluster 2237) and 246 (cluster 246) connect at weight=670.0
2025-04-09 19:04:12.139 | DEBUG    | __main__:<module>:20 - Iteration 247: Points 236 (cluster 2246) and 252 (cluster 252) connect at weight=670.0
2025-04-09 19:04:12.139 | DEBUG    | __main__:<module>:20 - Iteration 248: Points 235 (cluster 2247) and 261 (cluster 261) connect at weight=670.0
2025-04-09 19:04:12.140 | DEBUG    | __main__:<module>:20 - Iteration 249: Points 233 (cluster 2248) and 259 (cluster 2242) connect at weight=670.0
2025-04-09 19:04:12.140 | DEBUG    | __main__:<module>:20 - Iteration 250: Points 231 (cluster 2249) and 256 (cluster 256) connect at weight=670.0
2025-04-09 19:04:12.140 | DEBUG    | __main__:<module>:20 - Iteration 251: Points 231 (cluster 2250) and 248 (cluster 248) connect at weight=670.0
2025-04-09 19:04:12.140 | DEBUG    | __main__:<module>:20 - Iteration 252: Points 230 (cluster 2251) and 263 (cluster 263) connect at weight=670.0
2025-04-09 19:04:12.141 | DEBUG    | __main__:<module>:20 - Iteration 253: Points 230 (cluster 2252) and 262 (cluster 262) connect at weight=670.0
2025-04-09 19:04:12.141 | DEBUG    | __main__:<module>:20 - Iteration 254: Points 224 (cluster 224) and 251 (cluster 2245) connect at weight=670.0
2025-04-09 19:04:12.141 | DEBUG    | __main__:<module>:20 - Iteration 255: Points 224 (cluster 2254) and 247 (cluster 247) connect at weight=670.0
2025-04-09 19:04:12.141 | DEBUG    | __main__:<module>:20 - Iteration 256: Points 215 (cluster 2253) and 260 (cluster 260) connect at weight=670.0
2025-04-09 19:04:12.141 | DEBUG    | __main__:<module>:20 - Iteration 257: Points 214 (cluster 2256) and 224 (cluster 2255) connect at weight=670.0
2025-04-09 19:04:12.142 | DEBUG    | __main__:<module>:20 - Iteration 258: Points 211 (cluster 2257) and 257 (cluster 257) connect at weight=670.0
2025-04-09 19:04:12.142 | DEBUG    | __main__:<module>:20 - Iteration 259: Points 204 (cluster 2258) and 228 (cluster 228) connect at weight=670.0
2025-04-09 19:04:12.142 | DEBUG    | __main__:<module>:20 - Iteration 260: Points 198 (cluster 2259) and 258 (cluster 258) connect at weight=670.0
2025-04-09 19:04:12.142 | DEBUG    | __main__:<module>:20 - Iteration 261: Points 183 (cluster 2260) and 244 (cluster 244) connect at weight=670.0
2025-04-09 19:04:12.142 | DEBUG    | __main__:<module>:20 - Iteration 262: Points 160 (cluster 2261) and 253 (cluster 253) connect at weight=670.0
2025-04-09 19:04:12.143 | DEBUG    | __main__:<module>:20 - Iteration 263: Points 283 (cluster 283) and 282 (cluster 282) connect at weight=669.0
2025-04-09 19:04:12.143 | DEBUG    | __main__:<module>:20 - Iteration 264: Points 283 (cluster 2263) and 277 (cluster 277) connect at weight=669.0
2025-04-09 19:04:12.143 | DEBUG    | __main__:<module>:20 - Iteration 265: Points 283 (cluster 2264) and 270 (cluster 270) connect at weight=669.0
2025-04-09 19:04:12.143 | DEBUG    | __main__:<module>:20 - Iteration 266: Points 283 (cluster 2265) and 264 (cluster 264) connect at weight=669.0
2025-04-09 19:04:12.144 | DEBUG    | __main__:<module>:20 - Iteration 267: Points 281 (cluster 281) and 271 (cluster 271) connect at weight=669.0
2025-04-09 19:04:12.144 | DEBUG    | __main__:<module>:20 - Iteration 268: Points 281 (cluster 2267) and 266 (cluster 266) connect at weight=669.0
2025-04-09 19:04:12.144 | DEBUG    | __main__:<module>:20 - Iteration 269: Points 280 (cluster 280) and 278 (cluster 278) connect at weight=669.0
2025-04-09 19:04:12.144 | DEBUG    | __main__:<module>:20 - Iteration 270: Points 274 (cluster 274) and 268 (cluster 268) connect at weight=669.0
2025-04-09 19:04:12.144 | DEBUG    | __main__:<module>:20 - Iteration 271: Points 263 (cluster 2262) and 273 (cluster 273) connect at weight=669.0
2025-04-09 19:04:12.145 | DEBUG    | __main__:<module>:20 - Iteration 272: Points 262 (cluster 2271) and 279 (cluster 279) connect at weight=669.0
2025-04-09 19:04:12.145 | DEBUG    | __main__:<module>:20 - Iteration 273: Points 261 (cluster 2272) and 269 (cluster 269) connect at weight=669.0
2025-04-09 19:04:12.145 | DEBUG    | __main__:<module>:20 - Iteration 274: Points 259 (cluster 2273) and 283 (cluster 2266) connect at weight=669.0
2025-04-09 19:04:12.145 | DEBUG    | __main__:<module>:20 - Iteration 275: Points 259 (cluster 2274) and 274 (cluster 2270) connect at weight=669.0
2025-04-09 19:04:12.145 | DEBUG    | __main__:<module>:20 - Iteration 276: Points 256 (cluster 2275) and 280 (cluster 2269) connect at weight=669.0
2025-04-09 19:04:12.146 | DEBUG    | __main__:<module>:20 - Iteration 277: Points 251 (cluster 2276) and 281 (cluster 2268) connect at weight=669.0
2025-04-09 19:04:12.146 | DEBUG    | __main__:<module>:20 - Iteration 278: Points 251 (cluster 2277) and 267 (cluster 267) connect at weight=669.0
2025-04-09 19:04:12.146 | DEBUG    | __main__:<module>:20 - Iteration 279: Points 227 (cluster 2278) and 284 (cluster 284) connect at weight=669.0
2025-04-09 19:04:12.146 | DEBUG    | __main__:<module>:20 - Iteration 280: Points 222 (cluster 2279) and 275 (cluster 275) connect at weight=669.0
2025-04-09 19:04:12.146 | DEBUG    | __main__:<module>:20 - Iteration 281: Points 209 (cluster 2280) and 272 (cluster 272) connect at weight=669.0
2025-04-09 19:04:12.146 | DEBUG    | __main__:<module>:20 - Iteration 282: Points 34 (cluster 2281) and 265 (cluster 265) connect at weight=669.0
2025-04-09 19:04:12.147 | DEBUG    | __main__:<module>:20 - Iteration 283: Points 299 (cluster 299) and 297 (cluster 297) connect at weight=668.0
2025-04-09 19:04:12.147 | DEBUG    | __main__:<module>:20 - Iteration 284: Points 298 (cluster 298) and 294 (cluster 294) connect at weight=668.0
2025-04-09 19:04:12.147 | DEBUG    | __main__:<module>:20 - Iteration 285: Points 298 (cluster 2284) and 287 (cluster 287) connect at weight=668.0
2025-04-09 19:04:12.147 | DEBUG    | __main__:<module>:20 - Iteration 286: Points 296 (cluster 296) and 285 (cluster 285) connect at weight=668.0
2025-04-09 19:04:12.147 | DEBUG    | __main__:<module>:20 - Iteration 287: Points 293 (cluster 293) and 289 (cluster 289) connect at weight=668.0
2025-04-09 19:04:12.148 | DEBUG    | __main__:<module>:20 - Iteration 288: Points 293 (cluster 2287) and 288 (cluster 288) connect at weight=668.0
2025-04-09 19:04:12.148 | DEBUG    | __main__:<module>:20 - Iteration 289: Points 281 (cluster 2282) and 299 (cluster 2283) connect at weight=668.0
2025-04-09 19:04:12.148 | DEBUG    | __main__:<module>:20 - Iteration 290: Points 281 (cluster 2289) and 296 (cluster 2286) connect at weight=668.0
2025-04-09 19:04:12.148 | DEBUG    | __main__:<module>:20 - Iteration 291: Points 279 (cluster 2290) and 291 (cluster 291) connect at weight=668.0
2025-04-09 19:04:12.148 | DEBUG    | __main__:<module>:20 - Iteration 292: Points 274 (cluster 2291) and 293 (cluster 2288) connect at weight=668.0
2025-04-09 19:04:12.148 | DEBUG    | __main__:<module>:20 - Iteration 293: Points 256 (cluster 2292) and 286 (cluster 286) connect at weight=668.0
2025-04-09 19:04:12.149 | DEBUG    | __main__:<module>:20 - Iteration 294: Points 248 (cluster 2293) and 295 (cluster 295) connect at weight=668.0
2025-04-09 19:04:12.149 | DEBUG    | __main__:<module>:20 - Iteration 295: Points 246 (cluster 2294) and 292 (cluster 292) connect at weight=668.0
2025-04-09 19:04:12.149 | DEBUG    | __main__:<module>:20 - Iteration 296: Points 237 (cluster 2295) and 300 (cluster 300) connect at weight=668.0
2025-04-09 19:04:12.149 | DEBUG    | __main__:<module>:20 - Iteration 297: Points 236 (cluster 2296) and 298 (cluster 2285) connect at weight=668.0
2025-04-09 19:04:12.149 | DEBUG    | __main__:<module>:20 - Iteration 298: Points 317 (cluster 317) and 311 (cluster 311) connect at weight=667.0
2025-04-09 19:04:12.150 | DEBUG    | __main__:<module>:20 - Iteration 299: Points 317 (cluster 2298) and 307 (cluster 307) connect at weight=667.0
2025-04-09 19:04:12.150 | DEBUG    | __main__:<module>:20 - Iteration 300: Points 317 (cluster 2299) and 306 (cluster 306) connect at weight=667.0
2025-04-09 19:04:12.150 | DEBUG    | __main__:<module>:20 - Iteration 301: Points 317 (cluster 2300) and 305 (cluster 305) connect at weight=667.0
2025-04-09 19:04:12.150 | DEBUG    | __main__:<module>:20 - Iteration 302: Points 317 (cluster 2301) and 302 (cluster 302) connect at weight=667.0
2025-04-09 19:04:12.150 | DEBUG    | __main__:<module>:20 - Iteration 303: Points 313 (cluster 313) and 312 (cluster 312) connect at weight=667.0
2025-04-09 19:04:12.150 | DEBUG    | __main__:<module>:20 - Iteration 304: Points 313 (cluster 2303) and 310 (cluster 310) connect at weight=667.0
2025-04-09 19:04:12.151 | DEBUG    | __main__:<module>:20 - Iteration 305: Points 309 (cluster 309) and 308 (cluster 308) connect at weight=667.0
2025-04-09 19:04:12.151 | DEBUG    | __main__:<module>:20 - Iteration 306: Points 299 (cluster 2297) and 313 (cluster 2304) connect at weight=667.0
2025-04-09 19:04:12.151 | DEBUG    | __main__:<module>:20 - Iteration 307: Points 298 (cluster 2306) and 318 (cluster 318) connect at weight=667.0
2025-04-09 19:04:12.151 | DEBUG    | __main__:<module>:20 - Iteration 308: Points 296 (cluster 2307) and 315 (cluster 315) connect at weight=667.0
2025-04-09 19:04:12.151 | DEBUG    | __main__:<module>:20 - Iteration 309: Points 293 (cluster 2308) and 317 (cluster 2302) connect at weight=667.0
2025-04-09 19:04:12.152 | DEBUG    | __main__:<module>:20 - Iteration 310: Points 293 (cluster 2309) and 303 (cluster 303) connect at weight=667.0
2025-04-09 19:04:12.152 | DEBUG    | __main__:<module>:20 - Iteration 311: Points 291 (cluster 2310) and 309 (cluster 2305) connect at weight=667.0
2025-04-09 19:04:12.152 | DEBUG    | __main__:<module>:20 - Iteration 312: Points 284 (cluster 2311) and 304 (cluster 304) connect at weight=667.0
2025-04-09 19:04:12.152 | DEBUG    | __main__:<module>:20 - Iteration 313: Points 258 (cluster 2312) and 316 (cluster 316) connect at weight=667.0
2025-04-09 19:04:12.152 | DEBUG    | __main__:<module>:20 - Iteration 314: Points 188 (cluster 2313) and 314 (cluster 314) connect at weight=667.0
2025-04-09 19:04:12.152 | DEBUG    | __main__:<module>:20 - Iteration 315: Points 188 (cluster 2314) and 301 (cluster 301) connect at weight=667.0
2025-04-09 19:04:12.153 | DEBUG    | __main__:<module>:20 - Iteration 316: Points 336 (cluster 336) and 335 (cluster 335) connect at weight=666.0
2025-04-09 19:04:12.153 | DEBUG    | __main__:<module>:20 - Iteration 317: Points 336 (cluster 2316) and 331 (cluster 331) connect at weight=666.0
2025-04-09 19:04:12.153 | DEBUG    | __main__:<module>:20 - Iteration 318: Points 336 (cluster 2317) and 329 (cluster 329) connect at weight=666.0
2025-04-09 19:04:12.153 | DEBUG    | __main__:<module>:20 - Iteration 319: Points 336 (cluster 2318) and 321 (cluster 321) connect at weight=666.0
2025-04-09 19:04:12.153 | DEBUG    | __main__:<module>:20 - Iteration 320: Points 336 (cluster 2319) and 319 (cluster 319) connect at weight=666.0
2025-04-09 19:04:12.154 | DEBUG    | __main__:<module>:20 - Iteration 321: Points 334 (cluster 334) and 332 (cluster 332) connect at weight=666.0
2025-04-09 19:04:12.154 | DEBUG    | __main__:<module>:20 - Iteration 322: Points 334 (cluster 2321) and 325 (cluster 325) connect at weight=666.0
2025-04-09 19:04:12.154 | DEBUG    | __main__:<module>:20 - Iteration 323: Points 334 (cluster 2322) and 323 (cluster 323) connect at weight=666.0
2025-04-09 19:04:12.154 | DEBUG    | __main__:<module>:20 - Iteration 324: Points 328 (cluster 328) and 327 (cluster 327) connect at weight=666.0
2025-04-09 19:04:12.154 | DEBUG    | __main__:<module>:20 - Iteration 325: Points 322 (cluster 322) and 320 (cluster 320) connect at weight=666.0
2025-04-09 19:04:12.154 | DEBUG    | __main__:<module>:20 - Iteration 326: Points 317 (cluster 2315) and 328 (cluster 2324) connect at weight=666.0
2025-04-09 19:04:12.155 | DEBUG    | __main__:<module>:20 - Iteration 327: Points 317 (cluster 2326) and 322 (cluster 2325) connect at weight=666.0
2025-04-09 19:04:12.155 | DEBUG    | __main__:<module>:20 - Iteration 328: Points 316 (cluster 2327) and 336 (cluster 2320) connect at weight=666.0
2025-04-09 19:04:12.155 | DEBUG    | __main__:<module>:20 - Iteration 329: Points 315 (cluster 2328) and 334 (cluster 2323) connect at weight=666.0
2025-04-09 19:04:12.155 | DEBUG    | __main__:<module>:20 - Iteration 330: Points 304 (cluster 2329) and 330 (cluster 330) connect at weight=666.0
2025-04-09 19:04:12.155 | DEBUG    | __main__:<module>:20 - Iteration 331: Points 301 (cluster 2330) and 333 (cluster 333) connect at weight=666.0
2025-04-09 19:04:12.156 | DEBUG    | __main__:<module>:20 - Iteration 332: Points 292 (cluster 2331) and 326 (cluster 326) connect at weight=666.0
2025-04-09 19:04:12.156 | DEBUG    | __main__:<module>:20 - Iteration 333: Points 280 (cluster 2332) and 324 (cluster 324) connect at weight=666.0
2025-04-09 19:04:12.156 | DEBUG    | __main__:<module>:20 - Iteration 334: Points 351 (cluster 351) and 350 (cluster 350) connect at weight=665.0
2025-04-09 19:04:12.156 | DEBUG    | __main__:<module>:20 - Iteration 335: Points 351 (cluster 2334) and 343 (cluster 343) connect at weight=665.0
2025-04-09 19:04:12.156 | DEBUG    | __main__:<module>:20 - Iteration 336: Points 351 (cluster 2335) and 339 (cluster 339) connect at weight=665.0
2025-04-09 19:04:12.156 | DEBUG    | __main__:<module>:20 - Iteration 337: Points 346 (cluster 346) and 345 (cluster 345) connect at weight=665.0
2025-04-09 19:04:12.157 | DEBUG    | __main__:<module>:20 - Iteration 338: Points 344 (cluster 344) and 338 (cluster 338) connect at weight=665.0
2025-04-09 19:04:12.157 | DEBUG    | __main__:<module>:20 - Iteration 339: Points 336 (cluster 2333) and 349 (cluster 349) connect at weight=665.0
2025-04-09 19:04:12.157 | DEBUG    | __main__:<module>:20 - Iteration 340: Points 336 (cluster 2339) and 342 (cluster 342) connect at weight=665.0
2025-04-09 19:04:12.157 | DEBUG    | __main__:<module>:20 - Iteration 341: Points 334 (cluster 2340) and 348 (cluster 348) connect at weight=665.0
2025-04-09 19:04:12.157 | DEBUG    | __main__:<module>:20 - Iteration 342: Points 334 (cluster 2341) and 347 (cluster 347) connect at weight=665.0
2025-04-09 19:04:12.158 | DEBUG    | __main__:<module>:20 - Iteration 343: Points 328 (cluster 2342) and 351 (cluster 2336) connect at weight=665.0
2025-04-09 19:04:12.158 | DEBUG    | __main__:<module>:20 - Iteration 344: Points 322 (cluster 2343) and 344 (cluster 2338) connect at weight=665.0
2025-04-09 19:04:12.158 | DEBUG    | __main__:<module>:20 - Iteration 345: Points 300 (cluster 2344) and 341 (cluster 341) connect at weight=665.0
2025-04-09 19:04:12.158 | DEBUG    | __main__:<module>:20 - Iteration 346: Points 272 (cluster 2345) and 346 (cluster 2337) connect at weight=665.0
2025-04-09 19:04:12.158 | DEBUG    | __main__:<module>:20 - Iteration 347: Points 265 (cluster 2346) and 276 (cluster 276) connect at weight=665.0
2025-04-09 19:04:12.159 | DEBUG    | __main__:<module>:20 - Iteration 348: Points 260 (cluster 2347) and 337 (cluster 337) connect at weight=665.0
2025-04-09 19:04:12.159 | DEBUG    | __main__:<module>:20 - Iteration 349: Points 252 (cluster 2348) and 340 (cluster 340) connect at weight=665.0
2025-04-09 19:04:12.159 | DEBUG    | __main__:<module>:20 - Iteration 350: Points 34 (cluster 2349) and 290 (cluster 290) connect at weight=665.0
2025-04-09 19:04:12.159 | DEBUG    | __main__:<module>:20 - Iteration 351: Points 373 (cluster 373) and 368 (cluster 368) connect at weight=664.0
2025-04-09 19:04:12.159 | DEBUG    | __main__:<module>:20 - Iteration 352: Points 366 (cluster 366) and 355 (cluster 355) connect at weight=664.0
2025-04-09 19:04:12.160 | DEBUG    | __main__:<module>:20 - Iteration 353: Points 365 (cluster 365) and 363 (cluster 363) connect at weight=664.0
2025-04-09 19:04:12.160 | DEBUG    | __main__:<module>:20 - Iteration 354: Points 365 (cluster 2353) and 358 (cluster 358) connect at weight=664.0
2025-04-09 19:04:12.160 | DEBUG    | __main__:<module>:20 - Iteration 355: Points 365 (cluster 2354) and 357 (cluster 357) connect at weight=664.0
2025-04-09 19:04:12.160 | DEBUG    | __main__:<module>:20 - Iteration 356: Points 362 (cluster 362) and 354 (cluster 354) connect at weight=664.0
2025-04-09 19:04:12.160 | DEBUG    | __main__:<module>:20 - Iteration 357: Points 362 (cluster 2356) and 352 (cluster 352) connect at weight=664.0
2025-04-09 19:04:12.160 | DEBUG    | __main__:<module>:20 - Iteration 358: Points 361 (cluster 361) and 359 (cluster 359) connect at weight=664.0
2025-04-09 19:04:12.161 | DEBUG    | __main__:<module>:20 - Iteration 359: Points 351 (cluster 2350) and 367 (cluster 367) connect at weight=664.0
2025-04-09 19:04:12.161 | DEBUG    | __main__:<module>:20 - Iteration 360: Points 348 (cluster 2359) and 362 (cluster 2357) connect at weight=664.0
2025-04-09 19:04:12.161 | DEBUG    | __main__:<module>:20 - Iteration 361: Points 346 (cluster 2360) and 364 (cluster 364) connect at weight=664.0
2025-04-09 19:04:12.161 | DEBUG    | __main__:<module>:20 - Iteration 362: Points 342 (cluster 2361) and 373 (cluster 2351) connect at weight=664.0
2025-04-09 19:04:12.161 | DEBUG    | __main__:<module>:20 - Iteration 363: Points 341 (cluster 2362) and 369 (cluster 369) connect at weight=664.0
2025-04-09 19:04:12.162 | DEBUG    | __main__:<module>:20 - Iteration 364: Points 341 (cluster 2363) and 356 (cluster 356) connect at weight=664.0
2025-04-09 19:04:12.162 | DEBUG    | __main__:<module>:20 - Iteration 365: Points 340 (cluster 2364) and 365 (cluster 2355) connect at weight=664.0
2025-04-09 19:04:12.162 | DEBUG    | __main__:<module>:20 - Iteration 366: Points 340 (cluster 2365) and 361 (cluster 2358) connect at weight=664.0
2025-04-09 19:04:12.162 | DEBUG    | __main__:<module>:20 - Iteration 367: Points 333 (cluster 2366) and 374 (cluster 374) connect at weight=664.0
2025-04-09 19:04:12.162 | DEBUG    | __main__:<module>:20 - Iteration 368: Points 333 (cluster 2367) and 371 (cluster 371) connect at weight=664.0
2025-04-09 19:04:12.162 | DEBUG    | __main__:<module>:20 - Iteration 369: Points 333 (cluster 2368) and 360 (cluster 360) connect at weight=664.0
2025-04-09 19:04:12.163 | DEBUG    | __main__:<module>:20 - Iteration 370: Points 330 (cluster 2369) and 353 (cluster 353) connect at weight=664.0
2025-04-09 19:04:12.163 | DEBUG    | __main__:<module>:20 - Iteration 371: Points 300 (cluster 2370) and 375 (cluster 375) connect at weight=664.0
2025-04-09 19:04:12.163 | DEBUG    | __main__:<module>:20 - Iteration 372: Points 253 (cluster 2371) and 370 (cluster 370) connect at weight=664.0
2025-04-09 19:04:12.163 | DEBUG    | __main__:<module>:20 - Iteration 373: Points 388 (cluster 388) and 385 (cluster 385) connect at weight=663.0
2025-04-09 19:04:12.163 | DEBUG    | __main__:<module>:20 - Iteration 374: Points 386 (cluster 386) and 382 (cluster 382) connect at weight=663.0
2025-04-09 19:04:12.164 | DEBUG    | __main__:<module>:20 - Iteration 375: Points 386 (cluster 2374) and 381 (cluster 381) connect at weight=663.0
2025-04-09 19:04:12.164 | DEBUG    | __main__:<module>:20 - Iteration 376: Points 383 (cluster 383) and 380 (cluster 380) connect at weight=663.0
2025-04-09 19:04:12.164 | DEBUG    | __main__:<module>:20 - Iteration 377: Points 383 (cluster 2376) and 376 (cluster 376) connect at weight=663.0
2025-04-09 19:04:12.164 | DEBUG    | __main__:<module>:20 - Iteration 378: Points 375 (cluster 2372) and 383 (cluster 2377) connect at weight=663.0
2025-04-09 19:04:12.164 | DEBUG    | __main__:<module>:20 - Iteration 379: Points 373 (cluster 2378) and 386 (cluster 2375) connect at weight=663.0
2025-04-09 19:04:12.165 | DEBUG    | __main__:<module>:20 - Iteration 380: Points 369 (cluster 2379) and 378 (cluster 378) connect at weight=663.0
2025-04-09 19:04:12.165 | DEBUG    | __main__:<module>:20 - Iteration 381: Points 366 (cluster 2352) and 372 (cluster 372) connect at weight=663.0
2025-04-09 19:04:12.165 | DEBUG    | __main__:<module>:20 - Iteration 382: Points 365 (cluster 2380) and 377 (cluster 377) connect at weight=663.0
2025-04-09 19:04:12.165 | DEBUG    | __main__:<module>:20 - Iteration 383: Points 351 (cluster 2382) and 388 (cluster 2373) connect at weight=663.0
2025-04-09 19:04:12.165 | DEBUG    | __main__:<module>:20 - Iteration 384: Points 347 (cluster 2383) and 379 (cluster 379) connect at weight=663.0
2025-04-09 19:04:12.166 | DEBUG    | __main__:<module>:20 - Iteration 385: Points 298 (cluster 2384) and 387 (cluster 387) connect at weight=663.0
2025-04-09 19:04:12.166 | DEBUG    | __main__:<module>:20 - Iteration 386: Points 222 (cluster 2385) and 366 (cluster 2381) connect at weight=663.0
2025-04-09 19:04:12.166 | DEBUG    | __main__:<module>:20 - Iteration 387: Points 396 (cluster 396) and 392 (cluster 392) connect at weight=662.0
2025-04-09 19:04:12.166 | DEBUG    | __main__:<module>:20 - Iteration 388: Points 395 (cluster 395) and 391 (cluster 391) connect at weight=662.0
2025-04-09 19:04:12.166 | DEBUG    | __main__:<module>:20 - Iteration 389: Points 390 (cluster 390) and 389 (cluster 389) connect at weight=662.0
2025-04-09 19:04:12.166 | DEBUG    | __main__:<module>:20 - Iteration 390: Points 386 (cluster 2386) and 399 (cluster 399) connect at weight=662.0
2025-04-09 19:04:12.167 | DEBUG    | __main__:<module>:20 - Iteration 391: Points 384 (cluster 384) and 390 (cluster 2389) connect at weight=662.0
2025-04-09 19:04:12.167 | DEBUG    | __main__:<module>:20 - Iteration 392: Points 377 (cluster 2390) and 400 (cluster 400) connect at weight=662.0
2025-04-09 19:04:12.167 | DEBUG    | __main__:<module>:20 - Iteration 393: Points 374 (cluster 2392) and 401 (cluster 401) connect at weight=662.0
2025-04-09 19:04:12.167 | DEBUG    | __main__:<module>:20 - Iteration 394: Points 370 (cluster 2393) and 384 (cluster 2391) connect at weight=662.0
2025-04-09 19:04:12.167 | DEBUG    | __main__:<module>:20 - Iteration 395: Points 362 (cluster 2394) and 395 (cluster 2388) connect at weight=662.0
2025-04-09 19:04:12.168 | DEBUG    | __main__:<module>:20 - Iteration 396: Points 346 (cluster 2395) and 393 (cluster 393) connect at weight=662.0
2025-04-09 19:04:12.168 | DEBUG    | __main__:<module>:20 - Iteration 397: Points 334 (cluster 2396) and 394 (cluster 394) connect at weight=662.0
2025-04-09 19:04:12.168 | DEBUG    | __main__:<module>:20 - Iteration 398: Points 330 (cluster 2397) and 396 (cluster 2387) connect at weight=662.0
2025-04-09 19:04:12.168 | DEBUG    | __main__:<module>:20 - Iteration 399: Points 324 (cluster 2398) and 398 (cluster 398) connect at weight=662.0
2025-04-09 19:04:12.168 | DEBUG    | __main__:<module>:20 - Iteration 400: Points 318 (cluster 2399) and 397 (cluster 397) connect at weight=662.0
2025-04-09 19:04:12.168 | DEBUG    | __main__:<module>:20 - Iteration 401: Points 426 (cluster 426) and 423 (cluster 423) connect at weight=661.0
2025-04-09 19:04:12.169 | DEBUG    | __main__:<module>:20 - Iteration 402: Points 426 (cluster 2401) and 419 (cluster 419) connect at weight=661.0
2025-04-09 19:04:12.169 | DEBUG    | __main__:<module>:20 - Iteration 403: Points 426 (cluster 2402) and 414 (cluster 414) connect at weight=661.0
2025-04-09 19:04:12.169 | DEBUG    | __main__:<module>:20 - Iteration 404: Points 425 (cluster 425) and 405 (cluster 405) connect at weight=661.0
2025-04-09 19:04:12.169 | DEBUG    | __main__:<module>:20 - Iteration 405: Points 422 (cluster 422) and 415 (cluster 415) connect at weight=661.0
2025-04-09 19:04:12.169 | DEBUG    | __main__:<module>:20 - Iteration 406: Points 421 (cluster 421) and 420 (cluster 420) connect at weight=661.0
2025-04-09 19:04:12.170 | DEBUG    | __main__:<module>:20 - Iteration 407: Points 421 (cluster 2406) and 410 (cluster 410) connect at weight=661.0
2025-04-09 19:04:12.170 | DEBUG    | __main__:<module>:20 - Iteration 408: Points 421 (cluster 2407) and 406 (cluster 406) connect at weight=661.0
2025-04-09 19:04:12.170 | DEBUG    | __main__:<module>:20 - Iteration 409: Points 401 (cluster 2400) and 411 (cluster 411) connect at weight=661.0
2025-04-09 19:04:12.170 | DEBUG    | __main__:<module>:20 - Iteration 410: Points 400 (cluster 2409) and 422 (cluster 2405) connect at weight=661.0
2025-04-09 19:04:12.170 | DEBUG    | __main__:<module>:20 - Iteration 411: Points 399 (cluster 2410) and 426 (cluster 2403) connect at weight=661.0
2025-04-09 19:04:12.170 | DEBUG    | __main__:<module>:20 - Iteration 412: Points 398 (cluster 2411) and 413 (cluster 413) connect at weight=661.0
2025-04-09 19:04:12.171 | DEBUG    | __main__:<module>:20 - Iteration 413: Points 397 (cluster 2412) and 403 (cluster 403) connect at weight=661.0
2025-04-09 19:04:12.171 | DEBUG    | __main__:<module>:20 - Iteration 414: Points 395 (cluster 2413) and 402 (cluster 402) connect at weight=661.0
2025-04-09 19:04:12.171 | DEBUG    | __main__:<module>:20 - Iteration 415: Points 390 (cluster 2414) and 407 (cluster 407) connect at weight=661.0
2025-04-09 19:04:12.171 | DEBUG    | __main__:<module>:20 - Iteration 416: Points 388 (cluster 2415) and 425 (cluster 2404) connect at weight=661.0
2025-04-09 19:04:12.171 | DEBUG    | __main__:<module>:20 - Iteration 417: Points 387 (cluster 2416) and 404 (cluster 404) connect at weight=661.0
2025-04-09 19:04:12.172 | DEBUG    | __main__:<module>:20 - Iteration 418: Points 378 (cluster 2417) and 421 (cluster 2408) connect at weight=661.0
2025-04-09 19:04:12.172 | DEBUG    | __main__:<module>:20 - Iteration 419: Points 377 (cluster 2418) and 416 (cluster 416) connect at weight=661.0
2025-04-09 19:04:12.172 | DEBUG    | __main__:<module>:20 - Iteration 420: Points 371 (cluster 2419) and 417 (cluster 417) connect at weight=661.0
2025-04-09 19:04:12.172 | DEBUG    | __main__:<module>:20 - Iteration 421: Points 371 (cluster 2420) and 409 (cluster 409) connect at weight=661.0
2025-04-09 19:04:12.172 | DEBUG    | __main__:<module>:20 - Iteration 422: Points 366 (cluster 2421) and 424 (cluster 424) connect at weight=661.0
2025-04-09 19:04:12.173 | DEBUG    | __main__:<module>:20 - Iteration 423: Points 362 (cluster 2422) and 412 (cluster 412) connect at weight=661.0
2025-04-09 19:04:12.173 | DEBUG    | __main__:<module>:20 - Iteration 424: Points 436 (cluster 436) and 433 (cluster 433) connect at weight=660.0
2025-04-09 19:04:12.173 | DEBUG    | __main__:<module>:20 - Iteration 425: Points 435 (cluster 435) and 434 (cluster 434) connect at weight=660.0
2025-04-09 19:04:12.173 | DEBUG    | __main__:<module>:20 - Iteration 426: Points 435 (cluster 2425) and 431 (cluster 431) connect at weight=660.0
2025-04-09 19:04:12.173 | DEBUG    | __main__:<module>:20 - Iteration 427: Points 435 (cluster 2426) and 427 (cluster 427) connect at weight=660.0
2025-04-09 19:04:12.174 | DEBUG    | __main__:<module>:20 - Iteration 428: Points 432 (cluster 432) and 428 (cluster 428) connect at weight=660.0
2025-04-09 19:04:12.174 | DEBUG    | __main__:<module>:20 - Iteration 429: Points 425 (cluster 2423) and 435 (cluster 2427) connect at weight=660.0
2025-04-09 19:04:12.174 | DEBUG    | __main__:<module>:20 - Iteration 430: Points 425 (cluster 2429) and 432 (cluster 2428) connect at weight=660.0
2025-04-09 19:04:12.174 | DEBUG    | __main__:<module>:20 - Iteration 431: Points 421 (cluster 2430) and 429 (cluster 429) connect at weight=660.0
2025-04-09 19:04:12.174 | DEBUG    | __main__:<module>:20 - Iteration 432: Points 416 (cluster 2431) and 430 (cluster 430) connect at weight=660.0
2025-04-09 19:04:12.174 | DEBUG    | __main__:<module>:20 - Iteration 433: Points 401 (cluster 2432) and 436 (cluster 2424) connect at weight=660.0
2025-04-09 19:04:12.175 | DEBUG    | __main__:<module>:20 - Iteration 434: Points 449 (cluster 449) and 439 (cluster 439) connect at weight=659.0
2025-04-09 19:04:12.175 | DEBUG    | __main__:<module>:20 - Iteration 435: Points 448 (cluster 448) and 444 (cluster 444) connect at weight=659.0
2025-04-09 19:04:12.175 | DEBUG    | __main__:<module>:20 - Iteration 436: Points 448 (cluster 2435) and 437 (cluster 437) connect at weight=659.0
2025-04-09 19:04:12.175 | DEBUG    | __main__:<module>:20 - Iteration 437: Points 435 (cluster 2433) and 441 (cluster 441) connect at weight=659.0
2025-04-09 19:04:12.175 | DEBUG    | __main__:<module>:20 - Iteration 438: Points 432 (cluster 2437) and 442 (cluster 442) connect at weight=659.0
2025-04-09 19:04:12.176 | DEBUG    | __main__:<module>:20 - Iteration 439: Points 429 (cluster 2438) and 449 (cluster 2434) connect at weight=659.0
2025-04-09 19:04:12.176 | DEBUG    | __main__:<module>:20 - Iteration 440: Points 422 (cluster 2439) and 448 (cluster 2436) connect at weight=659.0
2025-04-09 19:04:12.176 | DEBUG    | __main__:<module>:20 - Iteration 441: Points 421 (cluster 2440) and 446 (cluster 446) connect at weight=659.0
2025-04-09 19:04:12.176 | DEBUG    | __main__:<module>:20 - Iteration 442: Points 413 (cluster 2441) and 445 (cluster 445) connect at weight=659.0
2025-04-09 19:04:12.176 | DEBUG    | __main__:<module>:20 - Iteration 443: Points 409 (cluster 2442) and 438 (cluster 438) connect at weight=659.0
2025-04-09 19:04:12.177 | DEBUG    | __main__:<module>:20 - Iteration 444: Points 403 (cluster 2443) and 443 (cluster 443) connect at weight=659.0
2025-04-09 19:04:12.177 | DEBUG    | __main__:<module>:20 - Iteration 445: Points 393 (cluster 2444) and 408 (cluster 408) connect at weight=659.0
2025-04-09 19:04:12.177 | DEBUG    | __main__:<module>:20 - Iteration 446: Points 379 (cluster 2445) and 447 (cluster 447) connect at weight=659.0
2025-04-09 19:04:12.177 | DEBUG    | __main__:<module>:20 - Iteration 447: Points 372 (cluster 2446) and 440 (cluster 440) connect at weight=659.0
2025-04-09 19:04:12.177 | DEBUG    | __main__:<module>:20 - Iteration 448: Points 460 (cluster 460) and 457 (cluster 457) connect at weight=658.0
2025-04-09 19:04:12.178 | DEBUG    | __main__:<module>:20 - Iteration 449: Points 460 (cluster 2448) and 456 (cluster 456) connect at weight=658.0
2025-04-09 19:04:12.178 | DEBUG    | __main__:<module>:20 - Iteration 450: Points 455 (cluster 455) and 450 (cluster 450) connect at weight=658.0
2025-04-09 19:04:12.178 | DEBUG    | __main__:<module>:20 - Iteration 451: Points 454 (cluster 454) and 452 (cluster 452) connect at weight=658.0
2025-04-09 19:04:12.178 | DEBUG    | __main__:<module>:20 - Iteration 452: Points 443 (cluster 2447) and 460 (cluster 2449) connect at weight=658.0
2025-04-09 19:04:12.178 | DEBUG    | __main__:<module>:20 - Iteration 453: Points 441 (cluster 2452) and 461 (cluster 461) connect at weight=658.0
2025-04-09 19:04:12.178 | DEBUG    | __main__:<module>:20 - Iteration 454: Points 436 (cluster 2453) and 462 (cluster 462) connect at weight=658.0
2025-04-09 19:04:12.179 | DEBUG    | __main__:<module>:20 - Iteration 455: Points 430 (cluster 2454) and 454 (cluster 2451) connect at weight=658.0
2025-04-09 19:04:12.179 | DEBUG    | __main__:<module>:20 - Iteration 456: Points 417 (cluster 2455) and 455 (cluster 2450) connect at weight=658.0
2025-04-09 19:04:12.179 | DEBUG    | __main__:<module>:20 - Iteration 457: Points 412 (cluster 2456) and 451 (cluster 451) connect at weight=658.0
2025-04-09 19:04:12.179 | DEBUG    | __main__:<module>:20 - Iteration 458: Points 396 (cluster 2457) and 458 (cluster 458) connect at weight=658.0
2025-04-09 19:04:12.179 | DEBUG    | __main__:<module>:20 - Iteration 459: Points 393 (cluster 2458) and 453 (cluster 453) connect at weight=658.0
2025-04-09 19:04:12.180 | DEBUG    | __main__:<module>:20 - Iteration 460: Points 383 (cluster 2459) and 459 (cluster 459) connect at weight=658.0
2025-04-09 19:04:12.180 | DEBUG    | __main__:<module>:20 - Iteration 461: Points 474 (cluster 474) and 470 (cluster 470) connect at weight=657.0
2025-04-09 19:04:12.180 | DEBUG    | __main__:<module>:20 - Iteration 462: Points 474 (cluster 2461) and 469 (cluster 469) connect at weight=657.0
2025-04-09 19:04:12.180 | DEBUG    | __main__:<module>:20 - Iteration 463: Points 474 (cluster 2462) and 466 (cluster 466) connect at weight=657.0
2025-04-09 19:04:12.180 | DEBUG    | __main__:<module>:20 - Iteration 464: Points 461 (cluster 2460) and 471 (cluster 471) connect at weight=657.0
2025-04-09 19:04:12.180 | DEBUG    | __main__:<module>:20 - Iteration 465: Points 460 (cluster 2464) and 464 (cluster 464) connect at weight=657.0
2025-04-09 19:04:12.181 | DEBUG    | __main__:<module>:20 - Iteration 466: Points 454 (cluster 2465) and 474 (cluster 2463) connect at weight=657.0
2025-04-09 19:04:12.181 | DEBUG    | __main__:<module>:20 - Iteration 467: Points 454 (cluster 2466) and 465 (cluster 465) connect at weight=657.0
2025-04-09 19:04:12.181 | DEBUG    | __main__:<module>:20 - Iteration 468: Points 451 (cluster 2467) and 468 (cluster 468) connect at weight=657.0
2025-04-09 19:04:12.181 | DEBUG    | __main__:<module>:20 - Iteration 469: Points 451 (cluster 2468) and 467 (cluster 467) connect at weight=657.0
2025-04-09 19:04:12.181 | DEBUG    | __main__:<module>:20 - Iteration 470: Points 448 (cluster 2469) and 473 (cluster 473) connect at weight=657.0
2025-04-09 19:04:12.181 | DEBUG    | __main__:<module>:20 - Iteration 471: Points 372 (cluster 2470) and 418 (cluster 418) connect at weight=657.0
2025-04-09 19:04:12.182 | DEBUG    | __main__:<module>:20 - Iteration 472: Points 480 (cluster 480) and 463 (cluster 463) connect at weight=656.0
2025-04-09 19:04:12.182 | DEBUG    | __main__:<module>:20 - Iteration 473: Points 479 (cluster 479) and 477 (cluster 477) connect at weight=656.0
2025-04-09 19:04:12.192 | DEBUG    | __main__:<module>:20 - Iteration 474: Points 449 (cluster 2471) and 479 (cluster 2473) connect at weight=656.0
2025-04-09 19:04:12.192 | DEBUG    | __main__:<module>:20 - Iteration 475: Points 447 (cluster 2474) and 478 (cluster 478) connect at weight=656.0
2025-04-09 19:04:12.192 | DEBUG    | __main__:<module>:20 - Iteration 476: Points 408 (cluster 2475) and 476 (cluster 476) connect at weight=656.0
2025-04-09 19:04:12.193 | DEBUG    | __main__:<module>:20 - Iteration 477: Points 407 (cluster 2476) and 480 (cluster 2472) connect at weight=656.0
2025-04-09 19:04:12.193 | DEBUG    | __main__:<module>:20 - Iteration 478: Points 396 (cluster 2477) and 475 (cluster 475) connect at weight=656.0
2025-04-09 19:04:12.193 | DEBUG    | __main__:<module>:20 - Iteration 479: Points 290 (cluster 2478) and 472 (cluster 472) connect at weight=656.0
2025-04-09 19:04:12.193 | DEBUG    | __main__:<module>:20 - Iteration 480: Points 485 (cluster 485) and 481 (cluster 481) connect at weight=655.0
2025-04-09 19:04:12.193 | DEBUG    | __main__:<module>:20 - Iteration 481: Points 474 (cluster 2479) and 483 (cluster 483) connect at weight=655.0
2025-04-09 19:04:12.194 | DEBUG    | __main__:<module>:20 - Iteration 482: Points 474 (cluster 2481) and 482 (cluster 482) connect at weight=655.0
2025-04-09 19:04:12.194 | DEBUG    | __main__:<module>:20 - Iteration 483: Points 473 (cluster 2482) and 485 (cluster 2480) connect at weight=655.0
2025-04-09 19:04:12.194 | DEBUG    | __main__:<module>:20 - Iteration 484: Points 471 (cluster 2483) and 484 (cluster 484) connect at weight=655.0
2025-04-09 19:04:12.194 | DEBUG    | __main__:<module>:20 - Iteration 485: Points 491 (cluster 491) and 490 (cluster 490) connect at weight=654.0
2025-04-09 19:04:12.194 | DEBUG    | __main__:<module>:20 - Iteration 486: Points 485 (cluster 2484) and 491 (cluster 2485) connect at weight=654.0
2025-04-09 19:04:12.194 | DEBUG    | __main__:<module>:20 - Iteration 487: Points 484 (cluster 2486) and 488 (cluster 488) connect at weight=654.0
2025-04-09 19:04:12.195 | DEBUG    | __main__:<module>:20 - Iteration 488: Points 484 (cluster 2487) and 487 (cluster 487) connect at weight=654.0
2025-04-09 19:04:12.195 | DEBUG    | __main__:<module>:20 - Iteration 489: Points 471 (cluster 2488) and 486 (cluster 486) connect at weight=654.0
2025-04-09 19:04:12.195 | DEBUG    | __main__:<module>:20 - Iteration 490: Points 459 (cluster 2489) and 489 (cluster 489) connect at weight=654.0
2025-04-09 19:04:12.197 | DEBUG    | __main__:<module>:20 - Iteration 491: Points 448 (cluster 2490) and 494 (cluster 494) connect at weight=654.0
2025-04-09 19:04:12.197 | DEBUG    | __main__:<module>:20 - Iteration 492: Points 447 (cluster 2491) and 492 (cluster 492) connect at weight=654.0
2025-04-09 19:04:12.197 | DEBUG    | __main__:<module>:20 - Iteration 493: Points 494 (cluster 2492) and 502 (cluster 502) connect at weight=653.0
2025-04-09 19:04:12.197 | DEBUG    | __main__:<module>:20 - Iteration 494: Points 489 (cluster 2493) and 498 (cluster 498) connect at weight=653.0
2025-04-09 19:04:12.198 | DEBUG    | __main__:<module>:20 - Iteration 495: Points 478 (cluster 2494) and 497 (cluster 497) connect at weight=653.0
2025-04-09 19:04:12.198 | DEBUG    | __main__:<module>:20 - Iteration 496: Points 468 (cluster 2495) and 500 (cluster 500) connect at weight=653.0
2025-04-09 19:04:12.198 | DEBUG    | __main__:<module>:20 - Iteration 497: Points 463 (cluster 2496) and 493 (cluster 493) connect at weight=653.0
2025-04-09 19:04:12.198 | DEBUG    | __main__:<module>:20 - Iteration 498: Points 462 (cluster 2497) and 495 (cluster 495) connect at weight=653.0
2025-04-09 19:04:12.198 | DEBUG    | __main__:<module>:20 - Iteration 499: Points 408 (cluster 2498) and 501 (cluster 501) connect at weight=653.0
2025-04-09 19:04:12.198 | DEBUG    | __main__:<module>:20 - Iteration 500: Points 372 (cluster 2499) and 496 (cluster 496) connect at weight=653.0
2025-04-09 19:04:12.199 | DEBUG    | __main__:<module>:20 - Iteration 501: Points 500 (cluster 2500) and 506 (cluster 506) connect at weight=652.0
2025-04-09 19:04:12.199 | DEBUG    | __main__:<module>:20 - Iteration 502: Points 488 (cluster 2501) and 509 (cluster 509) connect at weight=652.0
2025-04-09 19:04:12.199 | DEBUG    | __main__:<module>:20 - Iteration 503: Points 488 (cluster 2502) and 504 (cluster 504) connect at weight=652.0
2025-04-09 19:04:12.199 | DEBUG    | __main__:<module>:20 - Iteration 504: Points 487 (cluster 2503) and 503 (cluster 503) connect at weight=652.0
2025-04-09 19:04:12.200 | DEBUG    | __main__:<module>:20 - Iteration 505: Points 468 (cluster 2504) and 508 (cluster 508) connect at weight=652.0
2025-04-09 19:04:12.200 | DEBUG    | __main__:<module>:20 - Iteration 506: Points 453 (cluster 2505) and 505 (cluster 505) connect at weight=652.0
2025-04-09 19:04:12.200 | DEBUG    | __main__:<module>:20 - Iteration 507: Points 440 (cluster 2506) and 499 (cluster 499) connect at weight=652.0
2025-04-09 19:04:12.201 | DEBUG    | __main__:<module>:20 - Iteration 508: Points 498 (cluster 2507) and 511 (cluster 511) connect at weight=651.0
2025-04-09 19:04:12.201 | DEBUG    | __main__:<module>:20 - Iteration 509: Points 491 (cluster 2508) and 514 (cluster 514) connect at weight=651.0
2025-04-09 19:04:12.201 | DEBUG    | __main__:<module>:20 - Iteration 510: Points 488 (cluster 2509) and 513 (cluster 513) connect at weight=651.0
2025-04-09 19:04:12.201 | DEBUG    | __main__:<module>:20 - Iteration 511: Points 479 (cluster 2510) and 510 (cluster 510) connect at weight=651.0
2025-04-09 19:04:12.201 | DEBUG    | __main__:<module>:20 - Iteration 512: Points 424 (cluster 2511) and 512 (cluster 512) connect at weight=651.0
2025-04-09 19:04:12.201 | DEBUG    | __main__:<module>:20 - Iteration 513: Points 516 (cluster 516) and 515 (cluster 515) connect at weight=650.0
2025-04-09 19:04:12.202 | DEBUG    | __main__:<module>:20 - Iteration 514: Points 513 (cluster 2512) and 517 (cluster 517) connect at weight=650.0
2025-04-09 19:04:12.202 | DEBUG    | __main__:<module>:20 - Iteration 515: Points 508 (cluster 2514) and 516 (cluster 2513) connect at weight=650.0
2025-04-09 19:04:12.202 | DEBUG    | __main__:<module>:20 - Iteration 516: Points 472 (cluster 2515) and 507 (cluster 507) connect at weight=650.0
2025-04-09 19:04:12.202 | DEBUG    | __main__:<module>:20 - Iteration 517: Points 462 (cluster 2516) and 518 (cluster 518) connect at weight=650.0
2025-04-09 19:04:12.202 | DEBUG    | __main__:<module>:20 - Iteration 518: Points 512 (cluster 2517) and 520 (cluster 520) connect at weight=649.0
2025-04-09 19:04:12.203 | DEBUG    | __main__:<module>:20 - Iteration 519: Points 507 (cluster 2518) and 521 (cluster 521) connect at weight=649.0
2025-04-09 19:04:12.203 | DEBUG    | __main__:<module>:20 - Iteration 520: Points 505 (cluster 2519) and 519 (cluster 519) connect at weight=649.0
2025-04-09 19:04:12.203 | DEBUG    | __main__:<module>:20 - Iteration 521: Points 476 (cluster 2520) and 522 (cluster 522) connect at weight=649.0
2025-04-09 19:04:12.204 | DEBUG    | __main__:<module>:20 - Iteration 522: Points 513 (cluster 2521) and 523 (cluster 523) connect at weight=648.0
2025-04-09 19:04:12.204 | DEBUG    | __main__:<module>:20 - Iteration 523: Points 511 (cluster 2522) and 524 (cluster 524) connect at weight=648.0
2025-04-09 19:04:12.204 | DEBUG    | __main__:<module>:20 - Iteration 524: Points 455 (cluster 2523) and 526 (cluster 526) connect at weight=647.0
2025-04-09 19:04:12.204 | DEBUG    | __main__:<module>:20 - Iteration 525: Points 514 (cluster 2524) and 527 (cluster 527) connect at weight=646.0
2025-04-09 19:04:12.205 | DEBUG    | __main__:<module>:20 - Iteration 526: Points 496 (cluster 2525) and 528 (cluster 528) connect at weight=646.0
2025-04-09 19:04:12.205 | DEBUG    | __main__:<module>:20 - Iteration 527: Points 479 (cluster 2526) and 529 (cluster 529) connect at weight=646.0
2025-04-09 19:04:12.205 | DEBUG    | __main__:<module>:20 - Iteration 528: Points 533 (cluster 533) and 532 (cluster 532) connect at weight=645.0
2025-04-09 19:04:12.205 | DEBUG    | __main__:<module>:20 - Iteration 529: Points 516 (cluster 2527) and 533 (cluster 2528) connect at weight=645.0
2025-04-09 19:04:12.205 | DEBUG    | __main__:<module>:20 - Iteration 530: Points 497 (cluster 2529) and 530 (cluster 530) connect at weight=645.0
2025-04-09 19:04:12.206 | DEBUG    | __main__:<module>:20 - Iteration 531: Points 524 (cluster 2530) and 536 (cluster 536) connect at weight=644.0
2025-04-09 19:04:12.206 | DEBUG    | __main__:<module>:20 - Iteration 532: Points 520 (cluster 2531) and 534 (cluster 534) connect at weight=644.0
2025-04-09 19:04:12.206 | DEBUG    | __main__:<module>:20 - Iteration 533: Points 510 (cluster 2532) and 535 (cluster 535) connect at weight=644.0
2025-04-09 19:04:12.206 | DEBUG    | __main__:<module>:20 - Iteration 534: Points 493 (cluster 2533) and 531 (cluster 531) connect at weight=644.0
2025-04-09 19:04:12.206 | DEBUG    | __main__:<module>:20 - Iteration 535: Points 476 (cluster 2534) and 537 (cluster 537) connect at weight=644.0
2025-04-09 19:04:12.206 | DEBUG    | __main__:<module>:20 - Iteration 536: Points 527 (cluster 2535) and 538 (cluster 538) connect at weight=643.0
2025-04-09 19:04:12.207 | DEBUG    | __main__:<module>:20 - Iteration 537: Points 538 (cluster 2536) and 540 (cluster 540) connect at weight=642.0
2025-04-09 19:04:12.207 | DEBUG    | __main__:<module>:20 - Iteration 538: Points 533 (cluster 2537) and 541 (cluster 541) connect at weight=642.0
2025-04-09 19:04:12.207 | DEBUG    | __main__:<module>:20 - Iteration 539: Points 528 (cluster 2538) and 539 (cluster 539) connect at weight=642.0
2025-04-09 19:04:12.207 | DEBUG    | __main__:<module>:20 - Iteration 540: Points 545 (cluster 545) and 544 (cluster 544) connect at weight=641.0
2025-04-09 19:04:12.207 | DEBUG    | __main__:<module>:20 - Iteration 541: Points 540 (cluster 2539) and 545 (cluster 2540) connect at weight=641.0
2025-04-09 19:04:12.208 | DEBUG    | __main__:<module>:20 - Iteration 542: Points 537 (cluster 2541) and 542 (cluster 542) connect at weight=641.0
2025-04-09 19:04:12.208 | DEBUG    | __main__:<module>:20 - Iteration 543: Points 529 (cluster 2542) and 546 (cluster 546) connect at weight=641.0
2025-04-09 19:04:12.208 | DEBUG    | __main__:<module>:20 - Iteration 544: Points 492 (cluster 2543) and 543 (cluster 543) connect at weight=641.0
2025-04-09 19:04:12.208 | DEBUG    | __main__:<module>:20 - Iteration 545: Points 458 (cluster 2544) and 547 (cluster 547) connect at weight=640.0
2025-04-09 19:04:12.208 | DEBUG    | __main__:<module>:20 - Iteration 546: Points 541 (cluster 2545) and 551 (cluster 551) connect at weight=639.0
2025-04-09 19:04:12.208 | DEBUG    | __main__:<module>:20 - Iteration 547: Points 533 (cluster 2546) and 549 (cluster 549) connect at weight=639.0
2025-04-09 19:04:12.209 | DEBUG    | __main__:<module>:20 - Iteration 548: Points 476 (cluster 2547) and 550 (cluster 550) connect at weight=639.0
2025-04-09 19:04:12.210 | DEBUG    | __main__:<module>:20 - Iteration 549: Points 542 (cluster 2548) and 554 (cluster 554) connect at weight=638.0
2025-04-09 19:04:12.210 | DEBUG    | __main__:<module>:20 - Iteration 550: Points 523 (cluster 2549) and 552 (cluster 552) connect at weight=638.0
2025-04-09 19:04:12.210 | DEBUG    | __main__:<module>:20 - Iteration 551: Points 507 (cluster 2550) and 548 (cluster 548) connect at weight=638.0
2025-04-09 19:04:12.211 | DEBUG    | __main__:<module>:20 - Iteration 552: Points 476 (cluster 2551) and 553 (cluster 553) connect at weight=638.0
2025-04-09 19:04:12.211 | DEBUG    | __main__:<module>:20 - Iteration 553: Points 276 (cluster 2552) and 525 (cluster 525) connect at weight=638.0
2025-04-09 19:04:12.211 | DEBUG    | __main__:<module>:20 - Iteration 554: Points 553 (cluster 2553) and 555 (cluster 555) connect at weight=637.0
2025-04-09 19:04:12.211 | DEBUG    | __main__:<module>:20 - Iteration 555: Points 542 (cluster 2554) and 556 (cluster 556) connect at weight=637.0
2025-04-09 19:04:12.211 | DEBUG    | __main__:<module>:20 - Iteration 556: Points 551 (cluster 2555) and 559 (cluster 559) connect at weight=636.0
2025-04-09 19:04:12.211 | DEBUG    | __main__:<module>:20 - Iteration 557: Points 534 (cluster 2556) and 558 (cluster 558) connect at weight=636.0
2025-04-09 19:04:12.212 | DEBUG    | __main__:<module>:20 - Iteration 558: Points 524 (cluster 2557) and 557 (cluster 557) connect at weight=636.0
2025-04-09 19:04:12.212 | DEBUG    | __main__:<module>:20 - Iteration 559: Points 559 (cluster 2558) and 560 (cluster 560) connect at weight=635.0
2025-04-09 19:04:12.212 | DEBUG    | __main__:<module>:20 - Iteration 560: Points 552 (cluster 2559) and 561 (cluster 561) connect at weight=635.0
2025-04-09 19:04:12.212 | DEBUG    | __main__:<module>:20 - Iteration 561: Points 546 (cluster 2560) and 563 (cluster 563) connect at weight=635.0
2025-04-09 19:04:12.212 | DEBUG    | __main__:<module>:20 - Iteration 562: Points 546 (cluster 2561) and 562 (cluster 562) connect at weight=635.0
2025-04-09 19:04:12.213 | DEBUG    | __main__:<module>:20 - Iteration 563: Points 561 (cluster 2562) and 564 (cluster 564) connect at weight=634.0
2025-04-09 19:04:12.213 | DEBUG    | __main__:<module>:20 - Iteration 564: Points 522 (cluster 2563) and 565 (cluster 565) connect at weight=634.0
2025-04-09 19:04:12.213 | DEBUG    | __main__:<module>:20 - Iteration 565: Points 531 (cluster 2564) and 568 (cluster 568) connect at weight=633.0
2025-04-09 19:04:12.213 | DEBUG    | __main__:<module>:20 - Iteration 566: Points 522 (cluster 2565) and 566 (cluster 566) connect at weight=633.0
2025-04-09 19:04:12.213 | DEBUG    | __main__:<module>:20 - Iteration 567: Points 565 (cluster 2566) and 569 (cluster 569) connect at weight=632.0
2025-04-09 19:04:12.214 | DEBUG    | __main__:<module>:20 - Iteration 568: Points 555 (cluster 2567) and 571 (cluster 571) connect at weight=632.0
2025-04-09 19:04:12.214 | DEBUG    | __main__:<module>:20 - Iteration 569: Points 554 (cluster 2568) and 570 (cluster 570) connect at weight=632.0
2025-04-09 19:04:12.214 | DEBUG    | __main__:<module>:20 - Iteration 570: Points 570 (cluster 2569) and 573 (cluster 573) connect at weight=631.0
2025-04-09 19:04:12.214 | DEBUG    | __main__:<module>:20 - Iteration 571: Points 549 (cluster 2570) and 572 (cluster 572) connect at weight=631.0
2025-04-09 19:04:12.214 | DEBUG    | __main__:<module>:20 - Iteration 572: Points 563 (cluster 2571) and 575 (cluster 575) connect at weight=630.0
2025-04-09 19:04:12.214 | DEBUG    | __main__:<module>:20 - Iteration 573: Points 563 (cluster 2572) and 574 (cluster 574) connect at weight=630.0
2025-04-09 19:04:12.215 | DEBUG    | __main__:<module>:20 - Iteration 574: Points 548 (cluster 2573) and 577 (cluster 577) connect at weight=630.0
2025-04-09 19:04:12.215 | DEBUG    | __main__:<module>:20 - Iteration 575: Points 548 (cluster 2574) and 567 (cluster 567) connect at weight=630.0
2025-04-09 19:04:12.215 | DEBUG    | __main__:<module>:20 - Iteration 576: Points 518 (cluster 2575) and 576 (cluster 576) connect at weight=630.0
2025-04-09 19:04:12.215 | DEBUG    | __main__:<module>:20 - Iteration 577: Points 569 (cluster 2576) and 579 (cluster 579) connect at weight=628.0
2025-04-09 19:04:12.215 | DEBUG    | __main__:<module>:20 - Iteration 578: Points 560 (cluster 2577) and 578 (cluster 578) connect at weight=628.0
2025-04-09 19:04:12.216 | DEBUG    | __main__:<module>:20 - Iteration 579: Points 575 (cluster 2578) and 582 (cluster 582) connect at weight=627.0
2025-04-09 19:04:12.216 | DEBUG    | __main__:<module>:20 - Iteration 580: Points 569 (cluster 2579) and 581 (cluster 581) connect at weight=627.0
2025-04-09 19:04:12.216 | DEBUG    | __main__:<module>:20 - Iteration 581: Points 558 (cluster 2580) and 580 (cluster 580) connect at weight=627.0
2025-04-09 19:04:12.216 | DEBUG    | __main__:<module>:20 - Iteration 582: Points 574 (cluster 2581) and 584 (cluster 584) connect at weight=626.0
2025-04-09 19:04:12.216 | DEBUG    | __main__:<module>:20 - Iteration 583: Points 526 (cluster 2582) and 583 (cluster 583) connect at weight=626.0
2025-04-09 19:04:12.216 | DEBUG    | __main__:<module>:20 - Iteration 584: Points 526 (cluster 2583) and 585 (cluster 585) connect at weight=625.0
2025-04-09 19:04:12.217 | DEBUG    | __main__:<module>:20 - Iteration 585: Points 580 (cluster 2584) and 586 (cluster 586) connect at weight=623.0
2025-04-09 19:04:12.217 | DEBUG    | __main__:<module>:20 - Iteration 586: Points 574 (cluster 2585) and 587 (cluster 587) connect at weight=623.0
2025-04-09 19:04:12.217 | DEBUG    | __main__:<module>:20 - Iteration 587: Points 581 (cluster 2586) and 589 (cluster 589) connect at weight=622.0
2025-04-09 19:04:12.217 | DEBUG    | __main__:<module>:20 - Iteration 588: Points 548 (cluster 2587) and 588 (cluster 588) connect at weight=622.0
2025-04-09 19:04:12.217 | DEBUG    | __main__:<module>:20 - Iteration 589: Points 571 (cluster 2588) and 590 (cluster 590) connect at weight=621.0
2025-04-09 19:04:12.217 | DEBUG    | __main__:<module>:20 - Iteration 590: Points 557 (cluster 2589) and 591 (cluster 591) connect at weight=620.0
2025-04-09 19:04:12.218 | DEBUG    | __main__:<module>:20 - Iteration 591: Points 587 (cluster 2590) and 592 (cluster 592) connect at weight=619.0
2025-04-09 19:04:12.218 | DEBUG    | __main__:<module>:20 - Iteration 592: Points 585 (cluster 2591) and 596 (cluster 596) connect at weight=618.0
2025-04-09 19:04:12.218 | DEBUG    | __main__:<module>:20 - Iteration 593: Points 584 (cluster 2592) and 593 (cluster 593) connect at weight=618.0
2025-04-09 19:04:12.218 | DEBUG    | __main__:<module>:20 - Iteration 594: Points 496 (cluster 2593) and 595 (cluster 595) connect at weight=618.0
2025-04-09 19:04:12.218 | DEBUG    | __main__:<module>:20 - Iteration 595: Points 518 (cluster 2594) and 597 (cluster 597) connect at weight=617.0
2025-04-09 19:04:12.219 | DEBUG    | __main__:<module>:20 - Iteration 596: Points 585 (cluster 2595) and 598 (cluster 598) connect at weight=616.0
2025-04-09 19:04:12.219 | DEBUG    | __main__:<module>:20 - Iteration 597: Points 581 (cluster 2596) and 599 (cluster 599) connect at weight=616.0
2025-04-09 19:04:12.219 | DEBUG    | __main__:<module>:20 - Iteration 598: Points 570 (cluster 2597) and 601 (cluster 601) connect at weight=615.0
2025-04-09 19:04:12.221 | DEBUG    | __main__:<module>:20 - Iteration 599: Points 547 (cluster 2598) and 602 (cluster 602) connect at weight=615.0
2025-04-09 19:04:12.221 | DEBUG    | __main__:<module>:20 - Iteration 600: Points 539 (cluster 2599) and 600 (cluster 600) connect at weight=615.0
2025-04-09 19:04:12.222 | DEBUG    | __main__:<module>:20 - Iteration 601: Points 518 (cluster 2600) and 603 (cluster 603) connect at weight=614.0
2025-04-09 19:04:12.222 | DEBUG    | __main__:<module>:20 - Iteration 602: Points 589 (cluster 2601) and 604 (cluster 604) connect at weight=613.0
2025-04-09 19:04:12.222 | DEBUG    | __main__:<module>:20 - Iteration 603: Points 571 (cluster 2602) and 605 (cluster 605) connect at weight=613.0
2025-04-09 19:04:12.222 | DEBUG    | __main__:<module>:20 - Iteration 604: Points 418 (cluster 2603) and 594 (cluster 594) connect at weight=612.0
2025-04-09 19:04:12.222 | DEBUG    | __main__:<module>:20 - Iteration 605: Points 603 (cluster 2604) and 606 (cluster 606) connect at weight=611.0
2025-04-09 19:04:12.223 | DEBUG    | __main__:<module>:20 - Iteration 606: Points 578 (cluster 2605) and 607 (cluster 607) connect at weight=611.0
2025-04-09 19:04:12.223 | DEBUG    | __main__:<module>:20 - Iteration 607: Points 539 (cluster 2606) and 608 (cluster 608) connect at weight=611.0
2025-04-09 19:04:12.223 | DEBUG    | __main__:<module>:20 - Iteration 608: Points 607 (cluster 2607) and 609 (cluster 609) connect at weight=610.0
2025-04-09 19:04:12.223 | DEBUG    | __main__:<module>:20 - Iteration 609: Points 597 (cluster 2608) and 610 (cluster 610) connect at weight=610.0
2025-04-09 19:04:12.223 | DEBUG    | __main__:<module>:20 - Iteration 610: Points 581 (cluster 2609) and 611 (cluster 611) connect at weight=608.0
2025-04-09 19:04:12.224 | DEBUG    | __main__:<module>:20 - Iteration 611: Points 595 (cluster 2610) and 612 (cluster 612) connect at weight=607.0
2025-04-09 19:04:12.224 | DEBUG    | __main__:<module>:20 - Iteration 612: Points 583 (cluster 2611) and 613 (cluster 613) connect at weight=607.0
2025-04-09 19:04:12.224 | DEBUG    | __main__:<module>:20 - Iteration 613: Points 593 (cluster 2612) and 614 (cluster 614) connect at weight=606.0
2025-04-09 19:04:12.224 | DEBUG    | __main__:<module>:20 - Iteration 614: Points 612 (cluster 2613) and 617 (cluster 617) connect at weight=605.0
2025-04-09 19:04:12.224 | DEBUG    | __main__:<module>:20 - Iteration 615: Points 588 (cluster 2614) and 615 (cluster 615) connect at weight=605.0
2025-04-09 19:04:12.224 | DEBUG    | __main__:<module>:20 - Iteration 616: Points 606 (cluster 2615) and 618 (cluster 618) connect at weight=604.0
2025-04-09 19:04:12.225 | DEBUG    | __main__:<module>:20 - Iteration 617: Points 605 (cluster 2616) and 619 (cluster 619) connect at weight=604.0
2025-04-09 19:04:12.225 | DEBUG    | __main__:<module>:20 - Iteration 618: Points 577 (cluster 2617) and 616 (cluster 616) connect at weight=604.0
2025-04-09 19:04:12.225 | DEBUG    | __main__:<module>:20 - Iteration 619: Points 593 (cluster 2618) and 621 (cluster 621) connect at weight=601.0
2025-04-09 19:04:12.225 | DEBUG    | __main__:<module>:20 - Iteration 620: Points 564 (cluster 2619) and 622 (cluster 622) connect at weight=601.0
2025-04-09 19:04:12.225 | DEBUG    | __main__:<module>:20 - Iteration 621: Points 594 (cluster 2620) and 620 (cluster 620) connect at weight=600.0
2025-04-09 19:04:12.226 | DEBUG    | __main__:<module>:20 - Iteration 622: Points 530 (cluster 2621) and 623 (cluster 623) connect at weight=600.0
2025-04-09 19:04:12.226 | DEBUG    | __main__:<module>:20 - Iteration 623: Points 610 (cluster 2622) and 624 (cluster 624) connect at weight=599.0
2025-04-09 19:04:12.226 | DEBUG    | __main__:<module>:20 - Iteration 624: Points 624 (cluster 2623) and 625 (cluster 625) connect at weight=597.0
2025-04-09 19:04:12.226 | DEBUG    | __main__:<module>:20 - Iteration 625: Points 613 (cluster 2624) and 626 (cluster 626) connect at weight=593.0
2025-04-09 19:04:12.226 | DEBUG    | __main__:<module>:20 - Iteration 626: Points 591 (cluster 2625) and 627 (cluster 627) connect at weight=590.0
2025-04-09 19:04:12.227 | DEBUG    | __main__:<module>:20 - Iteration 627: Points 624 (cluster 2626) and 628 (cluster 628) connect at weight=589.0
2025-04-09 19:04:12.227 | DEBUG    | __main__:<module>:20 - Iteration 628: Points 618 (cluster 2627) and 629 (cluster 629) connect at weight=587.0
2025-04-09 19:04:12.227 | DEBUG    | __main__:<module>:20 - Iteration 629: Points 622 (cluster 2628) and 631 (cluster 631) connect at weight=582.0
2025-04-09 19:04:12.227 | DEBUG    | __main__:<module>:20 - Iteration 630: Points 631 (cluster 2629) and 632 (cluster 632) connect at weight=581.0
2025-04-09 19:04:12.227 | DEBUG    | __main__:<module>:20 - Iteration 631: Points 620 (cluster 2630) and 633 (cluster 633) connect at weight=576.0
2025-04-09 19:04:12.227 | DEBUG    | __main__:<module>:20 - Iteration 632: Points 525 (cluster 2631) and 630 (cluster 630) connect at weight=576.0
2025-04-09 19:04:12.228 | DEBUG    | __main__:<module>:20 - Iteration 633: Points 619 (cluster 2632) and 635 (cluster 635) connect at weight=574.0
2025-04-09 19:04:12.228 | DEBUG    | __main__:<module>:20 - Iteration 634: Points 276 (cluster 2633) and 634 (cluster 634) connect at weight=568.0
2025-04-09 19:04:12.228 | DEBUG    | __main__:<module>:20 - Iteration 635: Points 630 (cluster 2634) and 636 (cluster 636) connect at weight=565.0
2025-04-09 19:04:12.228 | DEBUG    | __main__:<module>:20 - Iteration 636: Points 620 (cluster 2635) and 638 (cluster 638) connect at weight=565.0
2025-04-09 19:04:12.228 | DEBUG    | __main__:<module>:20 - Iteration 637: Points 611 (cluster 2636) and 640 (cluster 640) connect at weight=564.0
2025-04-09 19:04:12.228 | DEBUG    | __main__:<module>:20 - Iteration 638: Points 642 (cluster 642) and 645 (cluster 645) connect at weight=563.0
2025-04-09 19:04:12.229 | DEBUG    | __main__:<module>:20 - Iteration 639: Points 641 (cluster 641) and 639 (cluster 639) connect at weight=563.0
2025-04-09 19:04:12.229 | DEBUG    | __main__:<module>:20 - Iteration 640: Points 614 (cluster 2637) and 646 (cluster 646) connect at weight=562.0
2025-04-09 19:04:12.229 | DEBUG    | __main__:<module>:20 - Iteration 641: Points 643 (cluster 643) and 649 (cluster 649) connect at weight=560.0
2025-04-09 19:04:12.229 | DEBUG    | __main__:<module>:20 - Iteration 642: Points 635 (cluster 2640) and 650 (cluster 650) connect at weight=560.0
2025-04-09 19:04:12.229 | DEBUG    | __main__:<module>:20 - Iteration 643: Points 652 (cluster 652) and 644 (cluster 644) connect at weight=559.0
2025-04-09 19:04:12.230 | DEBUG    | __main__:<module>:20 - Iteration 644: Points 637 (cluster 637) and 648 (cluster 648) connect at weight=559.0
2025-04-09 19:04:12.230 | DEBUG    | __main__:<module>:20 - Iteration 645: Points 626 (cluster 2642) and 657 (cluster 657) connect at weight=559.0
2025-04-09 19:04:12.230 | DEBUG    | __main__:<module>:20 - Iteration 646: Points 644 (cluster 2643) and 637 (cluster 2644) connect at weight=558.0
2025-04-09 19:04:12.230 | DEBUG    | __main__:<module>:20 - Iteration 647: Points 637 (cluster 2646) and 643 (cluster 2641) connect at weight=558.0
2025-04-09 19:04:12.230 | DEBUG    | __main__:<module>:20 - Iteration 648: Points 637 (cluster 2647) and 642 (cluster 2638) connect at weight=558.0
2025-04-09 19:04:12.230 | DEBUG    | __main__:<module>:20 - Iteration 649: Points 629 (cluster 2645) and 659 (cluster 659) connect at weight=558.0
2025-04-09 19:04:12.231 | DEBUG    | __main__:<module>:20 - Iteration 650: Points 656 (cluster 656) and 663 (cluster 663) connect at weight=557.0
2025-04-09 19:04:12.231 | DEBUG    | __main__:<module>:20 - Iteration 651: Points 647 (cluster 647) and 654 (cluster 654) connect at weight=557.0
2025-04-09 19:04:12.231 | DEBUG    | __main__:<module>:20 - Iteration 652: Points 660 (cluster 660) and 655 (cluster 655) connect at weight=556.0
2025-04-09 19:04:12.231 | DEBUG    | __main__:<module>:20 - Iteration 653: Points 655 (cluster 2652) and 651 (cluster 651) connect at weight=556.0
2025-04-09 19:04:12.231 | DEBUG    | __main__:<module>:20 - Iteration 654: Points 543 (cluster 2649) and 667 (cluster 667) connect at weight=556.0
2025-04-09 19:04:12.232 | DEBUG    | __main__:<module>:20 - Iteration 655: Points 653 (cluster 653) and 641 (cluster 2639) connect at weight=555.0
2025-04-09 19:04:12.232 | DEBUG    | __main__:<module>:20 - Iteration 656: Points 651 (cluster 2653) and 664 (cluster 664) connect at weight=555.0
2025-04-09 19:04:12.232 | DEBUG    | __main__:<module>:20 - Iteration 657: Points 668 (cluster 668) and 671 (cluster 671) connect at weight=554.0
2025-04-09 19:04:12.232 | DEBUG    | __main__:<module>:20 - Iteration 658: Points 662 (cluster 662) and 656 (cluster 2650) connect at weight=554.0
2025-04-09 19:04:12.232 | DEBUG    | __main__:<module>:20 - Iteration 659: Points 656 (cluster 2658) and 665 (cluster 665) connect at weight=554.0
2025-04-09 19:04:12.232 | DEBUG    | __main__:<module>:20 - Iteration 660: Points 652 (cluster 2648) and 669 (cluster 669) connect at weight=554.0
2025-04-09 19:04:12.233 | DEBUG    | __main__:<module>:20 - Iteration 661: Points 658 (cluster 658) and 660 (cluster 2656) connect at weight=553.0
2025-04-09 19:04:12.233 | DEBUG    | __main__:<module>:20 - Iteration 662: Points 656 (cluster 2659) and 670 (cluster 670) connect at weight=553.0
2025-04-09 19:04:12.233 | DEBUG    | __main__:<module>:20 - Iteration 663: Points 645 (cluster 2660) and 653 (cluster 2655) connect at weight=553.0
2025-04-09 19:04:12.233 | DEBUG    | __main__:<module>:20 - Iteration 664: Points 672 (cluster 672) and 679 (cluster 679) connect at weight=552.0
2025-04-09 19:04:12.233 | DEBUG    | __main__:<module>:20 - Iteration 665: Points 672 (cluster 2664) and 668 (cluster 2657) connect at weight=552.0
2025-04-09 19:04:12.234 | DEBUG    | __main__:<module>:20 - Iteration 666: Points 661 (cluster 661) and 666 (cluster 666) connect at weight=552.0
2025-04-09 19:04:12.234 | DEBUG    | __main__:<module>:20 - Iteration 667: Points 651 (cluster 2661) and 661 (cluster 2666) connect at weight=552.0
2025-04-09 19:04:12.234 | DEBUG    | __main__:<module>:20 - Iteration 668: Points 644 (cluster 2663) and 647 (cluster 2651) connect at weight=552.0
2025-04-09 19:04:12.234 | DEBUG    | __main__:<module>:20 - Iteration 669: Points 639 (cluster 2668) and 658 (cluster 2667) connect at weight=552.0
2025-04-09 19:04:12.234 | DEBUG    | __main__:<module>:20 - Iteration 670: Points 632 (cluster 2654) and 680 (cluster 680) connect at weight=552.0
2025-04-09 19:04:12.234 | DEBUG    | __main__:<module>:20 - Iteration 671: Points 629 (cluster 2670) and 677 (cluster 677) connect at weight=552.0
2025-04-09 19:04:12.235 | DEBUG    | __main__:<module>:20 - Iteration 672: Points 678 (cluster 678) and 685 (cluster 685) connect at weight=551.0
2025-04-09 19:04:12.235 | DEBUG    | __main__:<module>:20 - Iteration 673: Points 678 (cluster 2672) and 683 (cluster 683) connect at weight=551.0
2025-04-09 19:04:12.235 | DEBUG    | __main__:<module>:20 - Iteration 674: Points 668 (cluster 2665) and 652 (cluster 2669) connect at weight=551.0
2025-04-09 19:04:12.235 | DEBUG    | __main__:<module>:20 - Iteration 675: Points 663 (cluster 2662) and 678 (cluster 2673) connect at weight=551.0
2025-04-09 19:04:12.235 | DEBUG    | __main__:<module>:20 - Iteration 676: Points 659 (cluster 2671) and 682 (cluster 682) connect at weight=551.0
2025-04-09 19:04:12.236 | DEBUG    | __main__:<module>:20 - Iteration 677: Points 654 (cluster 2674) and 675 (cluster 675) connect at weight=551.0
2025-04-09 19:04:12.236 | DEBUG    | __main__:<module>:20 - Iteration 678: Points 653 (cluster 2677) and 662 (cluster 2675) connect at weight=551.0
2025-04-09 19:04:12.236 | DEBUG    | __main__:<module>:20 - Iteration 679: Points 647 (cluster 2678) and 676 (cluster 676) connect at weight=551.0
2025-04-09 19:04:12.236 | DEBUG    | __main__:<module>:20 - Iteration 680: Points 639 (cluster 2679) and 673 (cluster 673) connect at weight=551.0
2025-04-09 19:04:12.236 | DEBUG    | __main__:<module>:20 - Iteration 681: Points 665 (cluster 2680) and 687 (cluster 687) connect at weight=550.0
2025-04-09 19:04:12.236 | DEBUG    | __main__:<module>:20 - Iteration 682: Points 695 (cluster 695) and 690 (cluster 690) connect at weight=549.0
2025-04-09 19:04:12.237 | DEBUG    | __main__:<module>:20 - Iteration 683: Points 664 (cluster 2681) and 686 (cluster 686) connect at weight=549.0
2025-04-09 19:04:12.237 | DEBUG    | __main__:<module>:20 - Iteration 684: Points 692 (cluster 692) and 691 (cluster 691) connect at weight=548.0
2025-04-09 19:04:12.237 | DEBUG    | __main__:<module>:20 - Iteration 685: Points 684 (cluster 684) and 695 (cluster 2682) connect at weight=548.0
2025-04-09 19:04:12.237 | DEBUG    | __main__:<module>:20 - Iteration 686: Points 662 (cluster 2683) and 681 (cluster 681) connect at weight=548.0
2025-04-09 19:04:12.237 | DEBUG    | __main__:<module>:20 - Iteration 687: Points 700 (cluster 700) and 698 (cluster 698) connect at weight=547.0
2025-04-09 19:04:12.237 | DEBUG    | __main__:<module>:20 - Iteration 688: Points 693 (cluster 693) and 684 (cluster 2685) connect at weight=547.0
2025-04-09 19:04:12.238 | DEBUG    | __main__:<module>:20 - Iteration 689: Points 691 (cluster 2684) and 688 (cluster 688) connect at weight=547.0
2025-04-09 19:04:12.238 | DEBUG    | __main__:<module>:20 - Iteration 690: Points 673 (cluster 2686) and 689 (cluster 689) connect at weight=547.0
2025-04-09 19:04:12.238 | DEBUG    | __main__:<module>:20 - Iteration 691: Points 675 (cluster 2690) and 692 (cluster 2689) connect at weight=546.0
2025-04-09 19:04:12.238 | DEBUG    | __main__:<module>:20 - Iteration 692: Points 669 (cluster 2691) and 694 (cluster 694) connect at weight=546.0
2025-04-09 19:04:12.238 | DEBUG    | __main__:<module>:20 - Iteration 693: Points 704 (cluster 704) and 697 (cluster 697) connect at weight=545.0
2025-04-09 19:04:12.239 | DEBUG    | __main__:<module>:20 - Iteration 694: Points 694 (cluster 2692) and 704 (cluster 2693) connect at weight=545.0
2025-04-09 19:04:12.239 | DEBUG    | __main__:<module>:20 - Iteration 695: Points 684 (cluster 2688) and 672 (cluster 2694) connect at weight=545.0
2025-04-09 19:04:12.239 | DEBUG    | __main__:<module>:20 - Iteration 696: Points 674 (cluster 674) and 699 (cluster 699) connect at weight=545.0
2025-04-09 19:04:12.239 | DEBUG    | __main__:<module>:20 - Iteration 697: Points 661 (cluster 2695) and 696 (cluster 696) connect at weight=545.0
2025-04-09 19:04:12.239 | DEBUG    | __main__:<module>:20 - Iteration 698: Points 690 (cluster 2697) and 705 (cluster 705) connect at weight=544.0
2025-04-09 19:04:12.239 | DEBUG    | __main__:<module>:20 - Iteration 699: Points 681 (cluster 2698) and 701 (cluster 701) connect at weight=544.0
2025-04-09 19:04:12.240 | DEBUG    | __main__:<module>:20 - Iteration 700: Points 677 (cluster 2676) and 711 (cluster 711) connect at weight=544.0
2025-04-09 19:04:12.240 | DEBUG    | __main__:<module>:20 - Iteration 701: Points 666 (cluster 2699) and 702 (cluster 702) connect at weight=544.0
2025-04-09 19:04:12.240 | DEBUG    | __main__:<module>:20 - Iteration 702: Points 706 (cluster 706) and 674 (cluster 2696) connect at weight=543.0
2025-04-09 19:04:12.240 | DEBUG    | __main__:<module>:20 - Iteration 703: Points 702 (cluster 2701) and 706 (cluster 2702) connect at weight=543.0
2025-04-09 19:04:12.240 | DEBUG    | __main__:<module>:20 - Iteration 704: Points 717 (cluster 717) and 719 (cluster 719) connect at weight=542.0
2025-04-09 19:04:12.241 | DEBUG    | __main__:<module>:20 - Iteration 705: Points 708 (cluster 708) and 716 (cluster 716) connect at weight=542.0
2025-04-09 19:04:12.241 | DEBUG    | __main__:<module>:20 - Iteration 706: Points 703 (cluster 703) and 714 (cluster 714) connect at weight=542.0
2025-04-09 19:04:12.241 | DEBUG    | __main__:<module>:20 - Iteration 707: Points 701 (cluster 2703) and 709 (cluster 709) connect at weight=542.0
2025-04-09 19:04:12.241 | DEBUG    | __main__:<module>:20 - Iteration 708: Points 689 (cluster 2707) and 700 (cluster 2687) connect at weight=542.0
2025-04-09 19:04:12.241 | DEBUG    | __main__:<module>:20 - Iteration 709: Points 701 (cluster 2708) and 713 (cluster 713) connect at weight=541.0
2025-04-09 19:04:12.241 | DEBUG    | __main__:<module>:20 - Iteration 710: Points 690 (cluster 2709) and 708 (cluster 2705) connect at weight=541.0
2025-04-09 19:04:12.242 | DEBUG    | __main__:<module>:20 - Iteration 711: Points 687 (cluster 2710) and 718 (cluster 718) connect at weight=541.0
2025-04-09 19:04:12.242 | DEBUG    | __main__:<module>:20 - Iteration 712: Points 685 (cluster 2711) and 703 (cluster 2706) connect at weight=541.0
2025-04-09 19:04:12.242 | DEBUG    | __main__:<module>:20 - Iteration 713: Points 666 (cluster 2712) and 710 (cluster 710) connect at weight=541.0
2025-04-09 19:04:12.242 | DEBUG    | __main__:<module>:20 - Iteration 714: Points 724 (cluster 724) and 723 (cluster 723) connect at weight=540.0
2025-04-09 19:04:12.242 | DEBUG    | __main__:<module>:20 - Iteration 715: Points 704 (cluster 2713) and 712 (cluster 712) connect at weight=540.0
2025-04-09 19:04:12.243 | DEBUG    | __main__:<module>:20 - Iteration 716: Points 696 (cluster 2715) and 717 (cluster 2704) connect at weight=540.0
2025-04-09 19:04:12.243 | DEBUG    | __main__:<module>:20 - Iteration 717: Points 705 (cluster 2716) and 715 (cluster 715) connect at weight=539.0
2025-04-09 19:04:12.243 | DEBUG    | __main__:<module>:20 - Iteration 718: Points 703 (cluster 2717) and 720 (cluster 720) connect at weight=539.0
2025-04-09 19:04:12.243 | DEBUG    | __main__:<module>:20 - Iteration 719: Points 699 (cluster 2718) and 722 (cluster 722) connect at weight=539.0
2025-04-09 19:04:12.243 | DEBUG    | __main__:<module>:20 - Iteration 720: Points 682 (cluster 2700) and 730 (cluster 730) connect at weight=539.0
2025-04-09 19:04:12.243 | DEBUG    | __main__:<module>:20 - Iteration 721: Points 715 (cluster 2719) and 725 (cluster 725) connect at weight=538.0
2025-04-09 19:04:12.244 | DEBUG    | __main__:<module>:20 - Iteration 722: Points 703 (cluster 2721) and 724 (cluster 2714) connect at weight=538.0
2025-04-09 19:04:12.244 | DEBUG    | __main__:<module>:20 - Iteration 723: Points 739 (cluster 739) and 732 (cluster 732) connect at weight=537.0
2025-04-09 19:04:12.244 | DEBUG    | __main__:<module>:20 - Iteration 724: Points 737 (cluster 737) and 734 (cluster 734) connect at weight=537.0
2025-04-09 19:04:12.244 | DEBUG    | __main__:<module>:20 - Iteration 725: Points 712 (cluster 2722) and 707 (cluster 707) connect at weight=537.0
2025-04-09 19:04:12.244 | DEBUG    | __main__:<module>:20 - Iteration 726: Points 709 (cluster 2725) and 728 (cluster 728) connect at weight=537.0
2025-04-09 19:04:12.245 | DEBUG    | __main__:<module>:20 - Iteration 727: Points 691 (cluster 2726) and 721 (cluster 721) connect at weight=537.0
2025-04-09 19:04:12.245 | DEBUG    | __main__:<module>:20 - Iteration 728: Points 611 (cluster 2720) and 727 (cluster 727) connect at weight=537.0
2025-04-09 19:04:12.245 | DEBUG    | __main__:<module>:20 - Iteration 729: Points 738 (cluster 738) and 729 (cluster 729) connect at weight=536.0
2025-04-09 19:04:12.245 | DEBUG    | __main__:<module>:20 - Iteration 730: Points 736 (cluster 736) and 726 (cluster 726) connect at weight=536.0
2025-04-09 19:04:12.245 | DEBUG    | __main__:<module>:20 - Iteration 731: Points 732 (cluster 2723) and 737 (cluster 2724) connect at weight=536.0
2025-04-09 19:04:12.245 | DEBUG    | __main__:<module>:20 - Iteration 732: Points 722 (cluster 2727) and 741 (cluster 741) connect at weight=536.0
2025-04-09 19:04:12.246 | DEBUG    | __main__:<module>:20 - Iteration 733: Points 720 (cluster 2732) and 738 (cluster 2729) connect at weight=536.0
2025-04-09 19:04:12.246 | DEBUG    | __main__:<module>:20 - Iteration 734: Points 733 (cluster 733) and 739 (cluster 2731) connect at weight=535.0
2025-04-09 19:04:12.246 | DEBUG    | __main__:<module>:20 - Iteration 735: Points 638 (cluster 2728) and 743 (cluster 743) connect at weight=535.0
2025-04-09 19:04:12.246 | DEBUG    | __main__:<module>:20 - Iteration 736: Points 738 (cluster 2733) and 740 (cluster 740) connect at weight=534.0
2025-04-09 19:04:12.246 | DEBUG    | __main__:<module>:20 - Iteration 737: Points 726 (cluster 2730) and 693 (cluster 2736) connect at weight=534.0
2025-04-09 19:04:12.247 | DEBUG    | __main__:<module>:20 - Iteration 738: Points 700 (cluster 2737) and 731 (cluster 731) connect at weight=534.0
2025-04-09 19:04:12.247 | DEBUG    | __main__:<module>:20 - Iteration 739: Points 676 (cluster 2738) and 745 (cluster 745) connect at weight=534.0
2025-04-09 19:04:12.247 | DEBUG    | __main__:<module>:20 - Iteration 740: Points 674 (cluster 2739) and 744 (cluster 744) connect at weight=534.0
2025-04-09 19:04:12.247 | DEBUG    | __main__:<module>:20 - Iteration 741: Points 731 (cluster 2740) and 733 (cluster 2734) connect at weight=533.0
2025-04-09 19:04:12.247 | DEBUG    | __main__:<module>:20 - Iteration 742: Points 721 (cluster 2741) and 746 (cluster 746) connect at weight=533.0
2025-04-09 19:04:12.248 | DEBUG    | __main__:<module>:20 - Iteration 743: Points 622 (cluster 2735) and 749 (cluster 749) connect at weight=533.0
2025-04-09 19:04:12.248 | DEBUG    | __main__:<module>:20 - Iteration 744: Points 742 (cluster 742) and 756 (cluster 756) connect at weight=532.0
2025-04-09 19:04:12.248 | DEBUG    | __main__:<module>:20 - Iteration 745: Points 727 (cluster 2743) and 752 (cluster 752) connect at weight=532.0
2025-04-09 19:04:12.248 | DEBUG    | __main__:<module>:20 - Iteration 746: Points 724 (cluster 2742) and 747 (cluster 747) connect at weight=532.0
2025-04-09 19:04:12.248 | DEBUG    | __main__:<module>:20 - Iteration 747: Points 627 (cluster 2745) and 754 (cluster 754) connect at weight=532.0
2025-04-09 19:04:12.249 | DEBUG    | __main__:<module>:20 - Iteration 748: Points 733 (cluster 2746) and 751 (cluster 751) connect at weight=531.0
2025-04-09 19:04:12.249 | DEBUG    | __main__:<module>:20 - Iteration 749: Points 725 (cluster 2748) and 748 (cluster 748) connect at weight=531.0
2025-04-09 19:04:12.249 | DEBUG    | __main__:<module>:20 - Iteration 750: Points 714 (cluster 2749) and 753 (cluster 753) connect at weight=531.0
2025-04-09 19:04:12.249 | DEBUG    | __main__:<module>:20 - Iteration 751: Points 700 (cluster 2750) and 735 (cluster 735) connect at weight=531.0
2025-04-09 19:04:12.249 | DEBUG    | __main__:<module>:20 - Iteration 752: Points 718 (cluster 2751) and 750 (cluster 750) connect at weight=530.0
2025-04-09 19:04:12.250 | DEBUG    | __main__:<module>:20 - Iteration 753: Points 691 (cluster 2752) and 755 (cluster 755) connect at weight=530.0
2025-04-09 19:04:12.250 | DEBUG    | __main__:<module>:20 - Iteration 754: Points 707 (cluster 2753) and 760 (cluster 760) connect at weight=527.0
2025-04-09 19:04:12.250 | DEBUG    | __main__:<module>:20 - Iteration 755: Points 758 (cluster 758) and 736 (cluster 2754) connect at weight=526.0
2025-04-09 19:04:12.257 | DEBUG    | __main__:<module>:20 - Iteration 756: Points 758 (cluster 2755) and 764 (cluster 764) connect at weight=525.0
2025-04-09 19:04:12.257 | DEBUG    | __main__:<module>:20 - Iteration 757: Points 751 (cluster 2756) and 759 (cluster 759) connect at weight=525.0
2025-04-09 19:04:12.258 | DEBUG    | __main__:<module>:20 - Iteration 758: Points 748 (cluster 2757) and 761 (cluster 761) connect at weight=525.0
2025-04-09 19:04:12.258 | DEBUG    | __main__:<module>:20 - Iteration 759: Points 747 (cluster 2758) and 768 (cluster 768) connect at weight=524.0
2025-04-09 19:04:12.258 | DEBUG    | __main__:<module>:20 - Iteration 760: Points 715 (cluster 2759) and 742 (cluster 2744) connect at weight=524.0
2025-04-09 19:04:12.258 | DEBUG    | __main__:<module>:20 - Iteration 761: Points 710 (cluster 2760) and 766 (cluster 766) connect at weight=524.0
2025-04-09 19:04:12.258 | DEBUG    | __main__:<module>:20 - Iteration 762: Points 707 (cluster 2761) and 763 (cluster 763) connect at weight=524.0
2025-04-09 19:04:12.258 | DEBUG    | __main__:<module>:20 - Iteration 763: Points 686 (cluster 2762) and 762 (cluster 762) connect at weight=524.0
2025-04-09 19:04:12.259 | DEBUG    | __main__:<module>:20 - Iteration 764: Points 629 (cluster 2747) and 771 (cluster 771) connect at weight=524.0
2025-04-09 19:04:12.259 | DEBUG    | __main__:<module>:20 - Iteration 765: Points 759 (cluster 2763) and 769 (cluster 769) connect at weight=523.0
2025-04-09 19:04:12.259 | DEBUG    | __main__:<module>:20 - Iteration 766: Points 751 (cluster 2765) and 772 (cluster 772) connect at weight=523.0
2025-04-09 19:04:12.259 | DEBUG    | __main__:<module>:20 - Iteration 767: Points 747 (cluster 2766) and 770 (cluster 770) connect at weight=523.0
2025-04-09 19:04:12.259 | DEBUG    | __main__:<module>:20 - Iteration 768: Points 736 (cluster 2767) and 757 (cluster 757) connect at weight=523.0
2025-04-09 19:04:12.260 | DEBUG    | __main__:<module>:20 - Iteration 769: Points 765 (cluster 765) and 773 (cluster 773) connect at weight=522.0
2025-04-09 19:04:12.260 | DEBUG    | __main__:<module>:20 - Iteration 770: Points 762 (cluster 2768) and 780 (cluster 780) connect at weight=522.0
2025-04-09 19:04:12.260 | DEBUG    | __main__:<module>:20 - Iteration 771: Points 761 (cluster 2770) and 775 (cluster 775) connect at weight=522.0
2025-04-09 19:04:12.260 | DEBUG    | __main__:<module>:20 - Iteration 772: Points 757 (cluster 2771) and 776 (cluster 776) connect at weight=522.0
2025-04-09 19:04:12.260 | DEBUG    | __main__:<module>:20 - Iteration 773: Points 753 (cluster 2772) and 777 (cluster 777) connect at weight=522.0
2025-04-09 19:04:12.260 | DEBUG    | __main__:<module>:20 - Iteration 774: Points 719 (cluster 2773) and 767 (cluster 767) connect at weight=522.0
2025-04-09 19:04:12.261 | DEBUG    | __main__:<module>:20 - Iteration 775: Points 707 (cluster 2774) and 779 (cluster 779) connect at weight=522.0
2025-04-09 19:04:12.261 | DEBUG    | __main__:<module>:20 - Iteration 776: Points 737 (cluster 2775) and 774 (cluster 774) connect at weight=521.0
2025-04-09 19:04:12.261 | DEBUG    | __main__:<module>:20 - Iteration 777: Points 769 (cluster 2776) and 786 (cluster 786) connect at weight=520.0
2025-04-09 19:04:12.262 | DEBUG    | __main__:<module>:20 - Iteration 778: Points 767 (cluster 2777) and 785 (cluster 785) connect at weight=520.0
2025-04-09 19:04:12.262 | DEBUG    | __main__:<module>:20 - Iteration 779: Points 710 (cluster 2778) and 781 (cluster 781) connect at weight=520.0
2025-04-09 19:04:12.263 | DEBUG    | __main__:<module>:20 - Iteration 780: Points 793 (cluster 793) and 778 (cluster 778) connect at weight=519.0
2025-04-09 19:04:12.263 | DEBUG    | __main__:<module>:20 - Iteration 781: Points 778 (cluster 2780) and 794 (cluster 794) connect at weight=519.0
2025-04-09 19:04:12.263 | DEBUG    | __main__:<module>:20 - Iteration 782: Points 778 (cluster 2781) and 758 (cluster 2779) connect at weight=519.0
2025-04-09 19:04:12.263 | DEBUG    | __main__:<module>:20 - Iteration 783: Points 745 (cluster 2782) and 784 (cluster 784) connect at weight=519.0
2025-04-09 19:04:12.263 | DEBUG    | __main__:<module>:20 - Iteration 784: Points 790 (cluster 790) and 787 (cluster 787) connect at weight=518.0
2025-04-09 19:04:12.264 | DEBUG    | __main__:<module>:20 - Iteration 785: Points 781 (cluster 2783) and 792 (cluster 792) connect at weight=518.0
2025-04-09 19:04:12.264 | DEBUG    | __main__:<module>:20 - Iteration 786: Points 759 (cluster 2785) and 790 (cluster 2784) connect at weight=518.0
2025-04-09 19:04:12.264 | DEBUG    | __main__:<module>:20 - Iteration 787: Points 740 (cluster 2786) and 789 (cluster 789) connect at weight=518.0
2025-04-09 19:04:12.264 | DEBUG    | __main__:<module>:20 - Iteration 788: Points 719 (cluster 2787) and 797 (cluster 797) connect at weight=518.0
2025-04-09 19:04:12.265 | DEBUG    | __main__:<module>:20 - Iteration 789: Points 680 (cluster 2764) and 801 (cluster 801) connect at weight=518.0
2025-04-09 19:04:12.265 | DEBUG    | __main__:<module>:20 - Iteration 790: Points 785 (cluster 2788) and 796 (cluster 796) connect at weight=517.0
2025-04-09 19:04:12.265 | DEBUG    | __main__:<module>:20 - Iteration 791: Points 775 (cluster 2790) and 765 (cluster 2769) connect at weight=517.0
2025-04-09 19:04:12.265 | DEBUG    | __main__:<module>:20 - Iteration 792: Points 759 (cluster 2791) and 804 (cluster 804) connect at weight=517.0
2025-04-09 19:04:12.266 | DEBUG    | __main__:<module>:20 - Iteration 793: Points 735 (cluster 2792) and 783 (cluster 783) connect at weight=517.0
2025-04-09 19:04:12.266 | DEBUG    | __main__:<module>:20 - Iteration 794: Points 699 (cluster 2793) and 795 (cluster 795) connect at weight=517.0
2025-04-09 19:04:12.266 | DEBUG    | __main__:<module>:20 - Iteration 795: Points 676 (cluster 2794) and 799 (cluster 799) connect at weight=517.0
2025-04-09 19:04:12.266 | DEBUG    | __main__:<module>:20 - Iteration 796: Points 782 (cluster 782) and 805 (cluster 805) connect at weight=516.0
2025-04-09 19:04:12.266 | DEBUG    | __main__:<module>:20 - Iteration 797: Points 777 (cluster 2795) and 800 (cluster 800) connect at weight=516.0
2025-04-09 19:04:12.267 | DEBUG    | __main__:<module>:20 - Iteration 798: Points 773 (cluster 2797) and 791 (cluster 791) connect at weight=516.0
2025-04-09 19:04:12.267 | DEBUG    | __main__:<module>:20 - Iteration 799: Points 763 (cluster 2798) and 798 (cluster 798) connect at weight=516.0
2025-04-09 19:04:12.267 | DEBUG    | __main__:<module>:20 - Iteration 800: Points 750 (cluster 2799) and 803 (cluster 803) connect at weight=516.0
2025-04-09 19:04:12.267 | DEBUG    | __main__:<module>:20 - Iteration 801: Points 740 (cluster 2800) and 782 (cluster 2796) connect at weight=516.0
2025-04-09 19:04:12.267 | DEBUG    | __main__:<module>:20 - Iteration 802: Points 784 (cluster 2801) and 808 (cluster 808) connect at weight=515.0
2025-04-09 19:04:12.267 | DEBUG    | __main__:<module>:20 - Iteration 803: Points 783 (cluster 2802) and 811 (cluster 811) connect at weight=515.0
2025-04-09 19:04:12.268 | DEBUG    | __main__:<module>:20 - Iteration 804: Points 783 (cluster 2803) and 809 (cluster 809) connect at weight=515.0
2025-04-09 19:04:12.268 | DEBUG    | __main__:<module>:20 - Iteration 805: Points 776 (cluster 2804) and 810 (cluster 810) connect at weight=515.0
2025-04-09 19:04:12.268 | DEBUG    | __main__:<module>:20 - Iteration 806: Points 756 (cluster 2805) and 788 (cluster 788) connect at weight=515.0
2025-04-09 19:04:12.268 | DEBUG    | __main__:<module>:20 - Iteration 807: Points 806 (cluster 806) and 802 (cluster 802) connect at weight=514.0
2025-04-09 19:04:12.268 | DEBUG    | __main__:<module>:20 - Iteration 808: Points 770 (cluster 2806) and 813 (cluster 813) connect at weight=513.0
2025-04-09 19:04:12.268 | DEBUG    | __main__:<module>:20 - Iteration 809: Points 760 (cluster 2808) and 807 (cluster 807) connect at weight=513.0
2025-04-09 19:04:12.269 | DEBUG    | __main__:<module>:20 - Iteration 810: Points 800 (cluster 2809) and 814 (cluster 814) connect at weight=512.0
2025-04-09 19:04:12.269 | DEBUG    | __main__:<module>:20 - Iteration 811: Points 788 (cluster 2810) and 806 (cluster 2807) connect at weight=512.0
2025-04-09 19:04:12.269 | DEBUG    | __main__:<module>:20 - Iteration 812: Points 772 (cluster 2811) and 812 (cluster 812) connect at weight=512.0
2025-04-09 19:04:12.269 | DEBUG    | __main__:<module>:20 - Iteration 813: Points 650 (cluster 2789) and 817 (cluster 817) connect at weight=511.0
2025-04-09 19:04:12.269 | DEBUG    | __main__:<module>:20 - Iteration 814: Points 812 (cluster 2812) and 820 (cluster 820) connect at weight=509.0
2025-04-09 19:04:12.270 | DEBUG    | __main__:<module>:20 - Iteration 815: Points 768 (cluster 2814) and 821 (cluster 821) connect at weight=509.0
2025-04-09 19:04:12.270 | DEBUG    | __main__:<module>:20 - Iteration 816: Points 822 (cluster 822) and 793 (cluster 2815) connect at weight=508.0
2025-04-09 19:04:12.270 | DEBUG    | __main__:<module>:20 - Iteration 817: Points 797 (cluster 2816) and 816 (cluster 816) connect at weight=508.0
2025-04-09 19:04:12.270 | DEBUG    | __main__:<module>:20 - Iteration 818: Points 793 (cluster 2817) and 823 (cluster 823) connect at weight=508.0
2025-04-09 19:04:12.270 | DEBUG    | __main__:<module>:20 - Iteration 819: Points 789 (cluster 2818) and 818 (cluster 818) connect at weight=508.0
2025-04-09 19:04:12.270 | DEBUG    | __main__:<module>:20 - Iteration 820: Points 799 (cluster 2819) and 819 (cluster 819) connect at weight=507.0
2025-04-09 19:04:12.271 | DEBUG    | __main__:<module>:20 - Iteration 821: Points 810 (cluster 2820) and 826 (cluster 826) connect at weight=506.0
2025-04-09 19:04:12.271 | DEBUG    | __main__:<module>:20 - Iteration 822: Points 799 (cluster 2821) and 825 (cluster 825) connect at weight=505.0
2025-04-09 19:04:12.271 | DEBUG    | __main__:<module>:20 - Iteration 823: Points 766 (cluster 2822) and 827 (cluster 827) connect at weight=505.0
2025-04-09 19:04:12.271 | DEBUG    | __main__:<module>:20 - Iteration 824: Points 828 (cluster 828) and 829 (cluster 829) connect at weight=504.0
2025-04-09 19:04:12.271 | DEBUG    | __main__:<module>:20 - Iteration 825: Points 814 (cluster 2823) and 831 (cluster 831) connect at weight=504.0
2025-04-09 19:04:12.271 | DEBUG    | __main__:<module>:20 - Iteration 826: Points 811 (cluster 2825) and 832 (cluster 832) connect at weight=504.0
2025-04-09 19:04:12.272 | DEBUG    | __main__:<module>:20 - Iteration 827: Points 775 (cluster 2826) and 824 (cluster 824) connect at weight=504.0
2025-04-09 19:04:12.272 | DEBUG    | __main__:<module>:20 - Iteration 828: Points 806 (cluster 2827) and 828 (cluster 2824) connect at weight=503.0
2025-04-09 19:04:12.272 | DEBUG    | __main__:<module>:20 - Iteration 829: Points 801 (cluster 2813) and 835 (cluster 835) connect at weight=503.0
2025-04-09 19:04:12.272 | DEBUG    | __main__:<module>:20 - Iteration 830: Points 808 (cluster 2828) and 833 (cluster 833) connect at weight=502.0
2025-04-09 19:04:12.272 | DEBUG    | __main__:<module>:20 - Iteration 831: Points 803 (cluster 2830) and 836 (cluster 836) connect at weight=502.0
2025-04-09 19:04:12.273 | DEBUG    | __main__:<module>:20 - Iteration 832: Points 792 (cluster 2831) and 830 (cluster 830) connect at weight=502.0
2025-04-09 19:04:12.273 | DEBUG    | __main__:<module>:20 - Iteration 833: Points 743 (cluster 2829) and 838 (cluster 838) connect at weight=502.0
2025-04-09 19:04:12.273 | DEBUG    | __main__:<module>:20 - Iteration 834: Points 808 (cluster 2832) and 834 (cluster 834) connect at weight=501.0
2025-04-09 19:04:12.273 | DEBUG    | __main__:<module>:20 - Iteration 835: Points 774 (cluster 2834) and 843 (cluster 843) connect at weight=501.0
2025-04-09 19:04:12.273 | DEBUG    | __main__:<module>:20 - Iteration 836: Points 594 (cluster 2833) and 815 (cluster 815) connect at weight=501.0
2025-04-09 19:04:12.273 | DEBUG    | __main__:<module>:20 - Iteration 837: Points 837 (cluster 837) and 845 (cluster 845) connect at weight=500.0
2025-04-09 19:04:12.274 | DEBUG    | __main__:<module>:20 - Iteration 838: Points 811 (cluster 2835) and 842 (cluster 842) connect at weight=500.0
2025-04-09 19:04:12.274 | DEBUG    | __main__:<module>:20 - Iteration 839: Points 805 (cluster 2838) and 839 (cluster 839) connect at weight=500.0
2025-04-09 19:04:12.274 | DEBUG    | __main__:<module>:20 - Iteration 840: Points 770 (cluster 2839) and 837 (cluster 2837) connect at weight=500.0
2025-04-09 19:04:12.274 | DEBUG    | __main__:<module>:20 - Iteration 841: Points 818 (cluster 2840) and 846 (cluster 846) connect at weight=499.0
2025-04-09 19:04:12.274 | DEBUG    | __main__:<module>:20 - Iteration 842: Points 798 (cluster 2841) and 844 (cluster 844) connect at weight=499.0
2025-04-09 19:04:12.275 | DEBUG    | __main__:<module>:20 - Iteration 843: Points 773 (cluster 2842) and 841 (cluster 841) connect at weight=499.0
2025-04-09 19:04:12.275 | DEBUG    | __main__:<module>:20 - Iteration 844: Points 857 (cluster 857) and 851 (cluster 851) connect at weight=498.0
2025-04-09 19:04:12.275 | DEBUG    | __main__:<module>:20 - Iteration 845: Points 855 (cluster 855) and 854 (cluster 854) connect at weight=498.0
2025-04-09 19:04:12.275 | DEBUG    | __main__:<module>:20 - Iteration 846: Points 849 (cluster 849) and 853 (cluster 853) connect at weight=498.0
2025-04-09 19:04:12.275 | DEBUG    | __main__:<module>:20 - Iteration 847: Points 833 (cluster 2843) and 856 (cluster 856) connect at weight=498.0
2025-04-09 19:04:12.275 | DEBUG    | __main__:<module>:20 - Iteration 848: Points 831 (cluster 2847) and 855 (cluster 2845) connect at weight=498.0
2025-04-09 19:04:12.276 | DEBUG    | __main__:<module>:20 - Iteration 849: Points 824 (cluster 2848) and 849 (cluster 2846) connect at weight=498.0
2025-04-09 19:04:12.276 | DEBUG    | __main__:<module>:20 - Iteration 850: Points 820 (cluster 2849) and 848 (cluster 848) connect at weight=498.0
2025-04-09 19:04:12.276 | DEBUG    | __main__:<module>:20 - Iteration 851: Points 817 (cluster 2836) and 852 (cluster 852) connect at weight=498.0
2025-04-09 19:04:12.276 | DEBUG    | __main__:<module>:20 - Iteration 852: Points 853 (cluster 2850) and 857 (cluster 2844) connect at weight=497.0
2025-04-09 19:04:12.276 | DEBUG    | __main__:<module>:20 - Iteration 853: Points 791 (cluster 2852) and 858 (cluster 858) connect at weight=497.0
2025-04-09 19:04:12.277 | DEBUG    | __main__:<module>:20 - Iteration 854: Points 791 (cluster 2853) and 847 (cluster 847) connect at weight=497.0
2025-04-09 19:04:12.277 | DEBUG    | __main__:<module>:20 - Iteration 855: Points 841 (cluster 2854) and 861 (cluster 861) connect at weight=496.0
2025-04-09 19:04:12.277 | DEBUG    | __main__:<module>:20 - Iteration 856: Points 744 (cluster 2855) and 840 (cluster 840) connect at weight=496.0
2025-04-09 19:04:12.277 | DEBUG    | __main__:<module>:20 - Iteration 857: Points 860 (cluster 860) and 865 (cluster 865) connect at weight=495.0
2025-04-09 19:04:12.277 | DEBUG    | __main__:<module>:20 - Iteration 858: Points 840 (cluster 2856) and 859 (cluster 859) connect at weight=495.0
2025-04-09 19:04:12.277 | DEBUG    | __main__:<module>:20 - Iteration 859: Points 839 (cluster 2858) and 863 (cluster 863) connect at weight=495.0
2025-04-09 19:04:12.278 | DEBUG    | __main__:<module>:20 - Iteration 860: Points 786 (cluster 2859) and 862 (cluster 862) connect at weight=495.0
2025-04-09 19:04:12.278 | DEBUG    | __main__:<module>:20 - Iteration 861: Points 814 (cluster 2860) and 860 (cluster 2857) connect at weight=494.0
2025-04-09 19:04:12.278 | DEBUG    | __main__:<module>:20 - Iteration 862: Points 807 (cluster 2861) and 864 (cluster 864) connect at weight=494.0
2025-04-09 19:04:12.278 | DEBUG    | __main__:<module>:20 - Iteration 863: Points 791 (cluster 2862) and 867 (cluster 867) connect at weight=494.0
2025-04-09 19:04:12.278 | DEBUG    | __main__:<module>:20 - Iteration 864: Points 830 (cluster 2863) and 850 (cluster 850) connect at weight=493.0
2025-04-09 19:04:12.279 | DEBUG    | __main__:<module>:20 - Iteration 865: Points 874 (cluster 874) and 872 (cluster 872) connect at weight=492.0
2025-04-09 19:04:12.279 | DEBUG    | __main__:<module>:20 - Iteration 866: Points 857 (cluster 2864) and 873 (cluster 873) connect at weight=492.0
2025-04-09 19:04:12.279 | DEBUG    | __main__:<module>:20 - Iteration 867: Points 855 (cluster 2866) and 868 (cluster 868) connect at weight=492.0
2025-04-09 19:04:12.279 | DEBUG    | __main__:<module>:20 - Iteration 868: Points 790 (cluster 2867) and 869 (cluster 869) connect at weight=492.0
2025-04-09 19:04:12.282 | DEBUG    | __main__:<module>:20 - Iteration 869: Points 727 (cluster 2851) and 866 (cluster 866) connect at weight=492.0
2025-04-09 19:04:12.283 | DEBUG    | __main__:<module>:20 - Iteration 870: Points 832 (cluster 2868) and 874 (cluster 2865) connect at weight=491.0
2025-04-09 19:04:12.283 | DEBUG    | __main__:<module>:20 - Iteration 871: Points 868 (cluster 2870) and 875 (cluster 875) connect at weight=490.0
2025-04-09 19:04:12.284 | DEBUG    | __main__:<module>:20 - Iteration 872: Points 863 (cluster 2871) and 876 (cluster 876) connect at weight=490.0
2025-04-09 19:04:12.284 | DEBUG    | __main__:<module>:20 - Iteration 873: Points 850 (cluster 2872) and 878 (cluster 878) connect at weight=490.0
2025-04-09 19:04:12.284 | DEBUG    | __main__:<module>:20 - Iteration 874: Points 846 (cluster 2873) and 871 (cluster 871) connect at weight=490.0
2025-04-09 19:04:12.284 | DEBUG    | __main__:<module>:20 - Iteration 875: Points 846 (cluster 2874) and 870 (cluster 870) connect at weight=490.0
2025-04-09 19:04:12.284 | DEBUG    | __main__:<module>:20 - Iteration 876: Points 847 (cluster 2875) and 877 (cluster 877) connect at weight=489.0
2025-04-09 19:04:12.285 | DEBUG    | __main__:<module>:20 - Iteration 877: Points 875 (cluster 2876) and 880 (cluster 880) connect at weight=488.0
2025-04-09 19:04:12.285 | DEBUG    | __main__:<module>:20 - Iteration 878: Points 829 (cluster 2877) and 879 (cluster 879) connect at weight=488.0
2025-04-09 19:04:12.285 | DEBUG    | __main__:<module>:20 - Iteration 879: Points 858 (cluster 2878) and 881 (cluster 881) connect at weight=487.0
2025-04-09 19:04:12.285 | DEBUG    | __main__:<module>:20 - Iteration 880: Points 845 (cluster 2879) and 882 (cluster 882) connect at weight=487.0
2025-04-09 19:04:12.285 | DEBUG    | __main__:<module>:20 - Iteration 881: Points 848 (cluster 2880) and 884 (cluster 884) connect at weight=486.0
2025-04-09 19:04:12.286 | DEBUG    | __main__:<module>:20 - Iteration 882: Points 859 (cluster 2881) and 883 (cluster 883) connect at weight=485.0
2025-04-09 19:04:12.286 | DEBUG    | __main__:<module>:20 - Iteration 883: Points 829 (cluster 2882) and 892 (cluster 892) connect at weight=484.0
2025-04-09 19:04:12.286 | DEBUG    | __main__:<module>:20 - Iteration 884: Points 885 (cluster 885) and 887 (cluster 887) connect at weight=483.0
2025-04-09 19:04:12.286 | DEBUG    | __main__:<module>:20 - Iteration 885: Points 836 (cluster 2883) and 888 (cluster 888) connect at weight=483.0
2025-04-09 19:04:12.286 | DEBUG    | __main__:<module>:20 - Iteration 886: Points 874 (cluster 2885) and 891 (cluster 891) connect at weight=482.0
2025-04-09 19:04:12.287 | DEBUG    | __main__:<module>:20 - Iteration 887: Points 862 (cluster 2886) and 894 (cluster 894) connect at weight=482.0
2025-04-09 19:04:12.287 | DEBUG    | __main__:<module>:20 - Iteration 888: Points 843 (cluster 2887) and 886 (cluster 886) connect at weight=481.0
2025-04-09 19:04:12.288 | DEBUG    | __main__:<module>:20 - Iteration 889: Points 890 (cluster 890) and 822 (cluster 2888) connect at weight=480.0
2025-04-09 19:04:12.288 | DEBUG    | __main__:<module>:20 - Iteration 890: Points 881 (cluster 2889) and 895 (cluster 895) connect at weight=480.0
2025-04-09 19:04:12.288 | DEBUG    | __main__:<module>:20 - Iteration 891: Points 853 (cluster 2890) and 893 (cluster 893) connect at weight=480.0
2025-04-09 19:04:12.288 | DEBUG    | __main__:<module>:20 - Iteration 892: Points 828 (cluster 2891) and 885 (cluster 2884) connect at weight=480.0
2025-04-09 19:04:12.288 | DEBUG    | __main__:<module>:20 - Iteration 893: Points 876 (cluster 2892) and 897 (cluster 897) connect at weight=479.0
2025-04-09 19:04:12.289 | DEBUG    | __main__:<module>:20 - Iteration 894: Points 869 (cluster 2893) and 898 (cluster 898) connect at weight=479.0
2025-04-09 19:04:12.289 | DEBUG    | __main__:<module>:20 - Iteration 895: Points 867 (cluster 2894) and 899 (cluster 899) connect at weight=479.0
2025-04-09 19:04:12.289 | DEBUG    | __main__:<module>:20 - Iteration 896: Points 861 (cluster 2895) and 896 (cluster 896) connect at weight=479.0
2025-04-09 19:04:12.289 | DEBUG    | __main__:<module>:20 - Iteration 897: Points 811 (cluster 2896) and 889 (cluster 889) connect at weight=479.0
2025-04-09 19:04:12.289 | DEBUG    | __main__:<module>:20 - Iteration 898: Points 887 (cluster 2897) and 900 (cluster 900) connect at weight=477.0
2025-04-09 19:04:12.289 | DEBUG    | __main__:<module>:20 - Iteration 899: Points 864 (cluster 2898) and 904 (cluster 904) connect at weight=477.0
2025-04-09 19:04:12.290 | DEBUG    | __main__:<module>:20 - Iteration 900: Points 888 (cluster 2899) and 905 (cluster 905) connect at weight=476.0
2025-04-09 19:04:12.290 | DEBUG    | __main__:<module>:20 - Iteration 901: Points 884 (cluster 2900) and 906 (cluster 906) connect at weight=474.0
2025-04-09 19:04:12.290 | DEBUG    | __main__:<module>:20 - Iteration 902: Points 871 (cluster 2901) and 902 (cluster 902) connect at weight=474.0
2025-04-09 19:04:12.290 | DEBUG    | __main__:<module>:20 - Iteration 903: Points 807 (cluster 2902) and 903 (cluster 903) connect at weight=474.0
2025-04-09 19:04:12.290 | DEBUG    | __main__:<module>:20 - Iteration 904: Points 867 (cluster 2903) and 910 (cluster 910) connect at weight=473.0
2025-04-09 19:04:12.291 | DEBUG    | __main__:<module>:20 - Iteration 905: Points 906 (cluster 2904) and 913 (cluster 913) connect at weight=472.0
2025-04-09 19:04:12.291 | DEBUG    | __main__:<module>:20 - Iteration 906: Points 871 (cluster 2905) and 901 (cluster 901) connect at weight=472.0
2025-04-09 19:04:12.291 | DEBUG    | __main__:<module>:20 - Iteration 907: Points 877 (cluster 2906) and 914 (cluster 914) connect at weight=471.0
2025-04-09 19:04:12.291 | DEBUG    | __main__:<module>:20 - Iteration 908: Points 859 (cluster 2907) and 909 (cluster 909) connect at weight=471.0
2025-04-09 19:04:12.291 | DEBUG    | __main__:<module>:20 - Iteration 909: Points 922 (cluster 922) and 918 (cluster 918) connect at weight=470.0
2025-04-09 19:04:12.291 | DEBUG    | __main__:<module>:20 - Iteration 910: Points 912 (cluster 912) and 911 (cluster 911) connect at weight=470.0
2025-04-09 19:04:12.292 | DEBUG    | __main__:<module>:20 - Iteration 911: Points 866 (cluster 2869) and 919 (cluster 919) connect at weight=470.0
2025-04-09 19:04:12.292 | DEBUG    | __main__:<module>:20 - Iteration 912: Points 850 (cluster 2908) and 908 (cluster 908) connect at weight=470.0
2025-04-09 19:04:12.292 | DEBUG    | __main__:<module>:20 - Iteration 913: Points 882 (cluster 2912) and 923 (cluster 923) connect at weight=469.0
2025-04-09 19:04:12.293 | DEBUG    | __main__:<module>:20 - Iteration 914: Points 807 (cluster 2913) and 915 (cluster 915) connect at weight=469.0
2025-04-09 19:04:12.293 | DEBUG    | __main__:<module>:20 - Iteration 915: Points 920 (cluster 920) and 921 (cluster 921) connect at weight=468.0
2025-04-09 19:04:12.293 | DEBUG    | __main__:<module>:20 - Iteration 916: Points 920 (cluster 2915) and 917 (cluster 917) connect at weight=468.0
2025-04-09 19:04:12.293 | DEBUG    | __main__:<module>:20 - Iteration 917: Points 913 (cluster 2914) and 924 (cluster 924) connect at weight=468.0
2025-04-09 19:04:12.293 | DEBUG    | __main__:<module>:20 - Iteration 918: Points 911 (cluster 2910) and 890 (cluster 2917) connect at weight=468.0
2025-04-09 19:04:12.294 | DEBUG    | __main__:<module>:20 - Iteration 919: Points 901 (cluster 2918) and 928 (cluster 928) connect at weight=467.0
2025-04-09 19:04:12.294 | DEBUG    | __main__:<module>:20 - Iteration 920: Points 875 (cluster 2919) and 922 (cluster 2909) connect at weight=467.0
2025-04-09 19:04:12.294 | DEBUG    | __main__:<module>:20 - Iteration 921: Points 844 (cluster 2920) and 920 (cluster 2916) connect at weight=467.0
2025-04-09 19:04:12.294 | DEBUG    | __main__:<module>:20 - Iteration 922: Points 929 (cluster 929) and 933 (cluster 933) connect at weight=466.0
2025-04-09 19:04:12.294 | DEBUG    | __main__:<module>:20 - Iteration 923: Points 916 (cluster 916) and 929 (cluster 2922) connect at weight=466.0
2025-04-09 19:04:12.296 | DEBUG    | __main__:<module>:20 - Iteration 924: Points 887 (cluster 2921) and 916 (cluster 2923) connect at weight=466.0
2025-04-09 19:04:12.296 | DEBUG    | __main__:<module>:20 - Iteration 925: Points 857 (cluster 2924) and 931 (cluster 931) connect at weight=466.0
2025-04-09 19:04:12.296 | DEBUG    | __main__:<module>:20 - Iteration 926: Points 845 (cluster 2925) and 932 (cluster 932) connect at weight=466.0
2025-04-09 19:04:12.297 | DEBUG    | __main__:<module>:20 - Iteration 927: Points 636 (cluster 2911) and 907 (cluster 907) connect at weight=466.0
2025-04-09 19:04:12.297 | DEBUG    | __main__:<module>:20 - Iteration 928: Points 900 (cluster 2926) and 926 (cluster 926) connect at weight=465.0
2025-04-09 19:04:12.297 | DEBUG    | __main__:<module>:20 - Iteration 929: Points 827 (cluster 2928) and 925 (cluster 925) connect at weight=465.0
2025-04-09 19:04:12.297 | DEBUG    | __main__:<module>:20 - Iteration 930: Points 926 (cluster 2929) and 934 (cluster 934) connect at weight=464.0
2025-04-09 19:04:12.297 | DEBUG    | __main__:<module>:20 - Iteration 931: Points 834 (cluster 2930) and 927 (cluster 927) connect at weight=464.0
2025-04-09 19:04:12.297 | DEBUG    | __main__:<module>:20 - Iteration 932: Points 941 (cluster 941) and 939 (cluster 939) connect at weight=463.0
2025-04-09 19:04:12.298 | DEBUG    | __main__:<module>:20 - Iteration 933: Points 923 (cluster 2931) and 942 (cluster 942) connect at weight=463.0
2025-04-09 19:04:12.298 | DEBUG    | __main__:<module>:20 - Iteration 934: Points 923 (cluster 2933) and 941 (cluster 2932) connect at weight=463.0
2025-04-09 19:04:12.298 | DEBUG    | __main__:<module>:20 - Iteration 935: Points 921 (cluster 2934) and 935 (cluster 935) connect at weight=463.0
2025-04-09 19:04:12.298 | DEBUG    | __main__:<module>:20 - Iteration 936: Points 915 (cluster 2935) and 937 (cluster 937) connect at weight=463.0
2025-04-09 19:04:12.298 | DEBUG    | __main__:<module>:20 - Iteration 937: Points 900 (cluster 2936) and 940 (cluster 940) connect at weight=463.0
2025-04-09 19:04:12.299 | DEBUG    | __main__:<module>:20 - Iteration 938: Points 834 (cluster 2937) and 930 (cluster 930) connect at weight=463.0
2025-04-09 19:04:12.299 | DEBUG    | __main__:<module>:20 - Iteration 939: Points 884 (cluster 2938) and 944 (cluster 944) connect at weight=462.0
2025-04-09 19:04:12.299 | DEBUG    | __main__:<module>:20 - Iteration 940: Points 938 (cluster 938) and 943 (cluster 943) connect at weight=461.0
2025-04-09 19:04:12.299 | DEBUG    | __main__:<module>:20 - Iteration 941: Points 930 (cluster 2939) and 938 (cluster 2940) connect at weight=461.0
2025-04-09 19:04:12.299 | DEBUG    | __main__:<module>:20 - Iteration 942: Points 922 (cluster 2941) and 936 (cluster 936) connect at weight=461.0
2025-04-09 19:04:12.299 | DEBUG    | __main__:<module>:20 - Iteration 943: Points 886 (cluster 2942) and 945 (cluster 945) connect at weight=460.0
2025-04-09 19:04:12.300 | DEBUG    | __main__:<module>:20 - Iteration 944: Points 936 (cluster 2943) and 947 (cluster 947) connect at weight=459.0
2025-04-09 19:04:12.300 | DEBUG    | __main__:<module>:20 - Iteration 945: Points 943 (cluster 2944) and 949 (cluster 949) connect at weight=458.0
2025-04-09 19:04:12.300 | DEBUG    | __main__:<module>:20 - Iteration 946: Points 905 (cluster 2945) and 950 (cluster 950) connect at weight=458.0
2025-04-09 19:04:12.300 | DEBUG    | __main__:<module>:20 - Iteration 947: Points 908 (cluster 2946) and 948 (cluster 948) connect at weight=457.0
2025-04-09 19:04:12.300 | DEBUG    | __main__:<module>:20 - Iteration 948: Points 893 (cluster 2947) and 952 (cluster 952) connect at weight=457.0
2025-04-09 19:04:12.301 | DEBUG    | __main__:<module>:20 - Iteration 949: Points 909 (cluster 2948) and 946 (cluster 946) connect at weight=456.0
2025-04-09 19:04:12.301 | DEBUG    | __main__:<module>:20 - Iteration 950: Points 902 (cluster 2949) and 953 (cluster 953) connect at weight=456.0
2025-04-09 19:04:12.301 | DEBUG    | __main__:<module>:20 - Iteration 951: Points 891 (cluster 2950) and 954 (cluster 954) connect at weight=456.0
2025-04-09 19:04:12.301 | DEBUG    | __main__:<module>:20 - Iteration 952: Points 953 (cluster 2951) and 958 (cluster 958) connect at weight=455.0
2025-04-09 19:04:12.301 | DEBUG    | __main__:<module>:20 - Iteration 953: Points 894 (cluster 2952) and 951 (cluster 951) connect at weight=455.0
2025-04-09 19:04:12.301 | DEBUG    | __main__:<module>:20 - Iteration 954: Points 954 (cluster 2953) and 961 (cluster 961) connect at weight=454.0
2025-04-09 19:04:12.302 | DEBUG    | __main__:<module>:20 - Iteration 955: Points 914 (cluster 2954) and 963 (cluster 963) connect at weight=454.0
2025-04-09 19:04:12.302 | DEBUG    | __main__:<module>:20 - Iteration 956: Points 897 (cluster 2955) and 956 (cluster 956) connect at weight=454.0
2025-04-09 19:04:12.302 | DEBUG    | __main__:<module>:20 - Iteration 957: Points 877 (cluster 2956) and 962 (cluster 962) connect at weight=453.0
2025-04-09 19:04:12.302 | DEBUG    | __main__:<module>:20 - Iteration 958: Points 942 (cluster 2957) and 957 (cluster 957) connect at weight=452.0
2025-04-09 19:04:12.302 | DEBUG    | __main__:<module>:20 - Iteration 959: Points 917 (cluster 2958) and 960 (cluster 960) connect at weight=452.0
2025-04-09 19:04:12.304 | DEBUG    | __main__:<module>:20 - Iteration 960: Points 909 (cluster 2959) and 964 (cluster 964) connect at weight=452.0
2025-04-09 19:04:12.304 | DEBUG    | __main__:<module>:20 - Iteration 961: Points 816 (cluster 2960) and 959 (cluster 959) connect at weight=452.0
2025-04-09 19:04:12.305 | DEBUG    | __main__:<module>:20 - Iteration 962: Points 796 (cluster 2961) and 955 (cluster 955) connect at weight=452.0
2025-04-09 19:04:12.305 | DEBUG    | __main__:<module>:20 - Iteration 963: Points 947 (cluster 2962) and 965 (cluster 965) connect at weight=450.0
2025-04-09 19:04:12.305 | DEBUG    | __main__:<module>:20 - Iteration 964: Points 948 (cluster 2963) and 969 (cluster 969) connect at weight=449.0
2025-04-09 19:04:12.305 | DEBUG    | __main__:<module>:20 - Iteration 965: Points 909 (cluster 2964) and 967 (cluster 967) connect at weight=449.0
2025-04-09 19:04:12.305 | DEBUG    | __main__:<module>:20 - Iteration 966: Points 895 (cluster 2965) and 971 (cluster 971) connect at weight=449.0
2025-04-09 19:04:12.306 | DEBUG    | __main__:<module>:20 - Iteration 967: Points 889 (cluster 2966) and 970 (cluster 970) connect at weight=449.0
2025-04-09 19:04:12.306 | DEBUG    | __main__:<module>:20 - Iteration 968: Points 955 (cluster 2967) and 974 (cluster 974) connect at weight=448.0
2025-04-09 19:04:12.306 | DEBUG    | __main__:<module>:20 - Iteration 969: Points 878 (cluster 2968) and 966 (cluster 966) connect at weight=448.0
2025-04-09 19:04:12.306 | DEBUG    | __main__:<module>:20 - Iteration 970: Points 869 (cluster 2969) and 973 (cluster 973) connect at weight=448.0
2025-04-09 19:04:12.306 | DEBUG    | __main__:<module>:20 - Iteration 971: Points 910 (cluster 2970) and 972 (cluster 972) connect at weight=447.0
2025-04-09 19:04:12.306 | DEBUG    | __main__:<module>:20 - Iteration 972: Points 902 (cluster 2971) and 975 (cluster 975) connect at weight=447.0
2025-04-09 19:04:12.307 | DEBUG    | __main__:<module>:20 - Iteration 973: Points 950 (cluster 2972) and 977 (cluster 977) connect at weight=446.0
2025-04-09 19:04:12.307 | DEBUG    | __main__:<module>:20 - Iteration 974: Points 969 (cluster 2973) and 979 (cluster 979) connect at weight=445.0
2025-04-09 19:04:12.307 | DEBUG    | __main__:<module>:20 - Iteration 975: Points 968 (cluster 968) and 912 (cluster 2974) connect at weight=445.0
2025-04-09 19:04:12.307 | DEBUG    | __main__:<module>:20 - Iteration 976: Points 898 (cluster 2975) and 980 (cluster 980) connect at weight=445.0
2025-04-09 19:04:12.307 | DEBUG    | __main__:<module>:20 - Iteration 977: Points 845 (cluster 2976) and 976 (cluster 976) connect at weight=445.0
2025-04-09 19:04:12.308 | DEBUG    | __main__:<module>:20 - Iteration 978: Points 903 (cluster 2977) and 981 (cluster 981) connect at weight=444.0
2025-04-09 19:04:12.308 | DEBUG    | __main__:<module>:20 - Iteration 979: Points 983 (cluster 983) and 982 (cluster 982) connect at weight=443.0
2025-04-09 19:04:12.308 | DEBUG    | __main__:<module>:20 - Iteration 980: Points 910 (cluster 2978) and 978 (cluster 978) connect at weight=443.0
2025-04-09 19:04:12.308 | DEBUG    | __main__:<module>:20 - Iteration 981: Points 889 (cluster 2980) and 983 (cluster 2979) connect at weight=443.0
2025-04-09 19:04:12.308 | DEBUG    | __main__:<module>:20 - Iteration 982: Points 966 (cluster 2981) and 986 (cluster 986) connect at weight=442.0
2025-04-09 19:04:12.308 | DEBUG    | __main__:<module>:20 - Iteration 983: Points 904 (cluster 2982) and 984 (cluster 984) connect at weight=442.0
2025-04-09 19:04:12.309 | DEBUG    | __main__:<module>:20 - Iteration 984: Points 987 (cluster 987) and 990 (cluster 990) connect at weight=441.0
2025-04-09 19:04:12.309 | DEBUG    | __main__:<module>:20 - Iteration 985: Points 976 (cluster 2983) and 989 (cluster 989) connect at weight=441.0
2025-04-09 19:04:12.309 | DEBUG    | __main__:<module>:20 - Iteration 986: Points 972 (cluster 2985) and 987 (cluster 2984) connect at weight=440.0
2025-04-09 19:04:12.309 | DEBUG    | __main__:<module>:20 - Iteration 987: Points 956 (cluster 2986) and 992 (cluster 992) connect at weight=440.0
2025-04-09 19:04:12.309 | DEBUG    | __main__:<module>:20 - Iteration 988: Points 932 (cluster 2987) and 985 (cluster 985) connect at weight=440.0
2025-04-09 19:04:12.310 | DEBUG    | __main__:<module>:20 - Iteration 989: Points 891 (cluster 2988) and 988 (cluster 988) connect at weight=440.0
2025-04-09 19:04:12.310 | DEBUG    | __main__:<module>:20 - Iteration 990: Points 990 (cluster 2989) and 991 (cluster 991) connect at weight=438.0
2025-04-09 19:04:12.310 | DEBUG    | __main__:<module>:20 - Iteration 991: Points 989 (cluster 2990) and 999 (cluster 999) connect at weight=438.0
2025-04-09 19:04:12.310 | DEBUG    | __main__:<module>:20 - Iteration 992: Points 978 (cluster 2991) and 994 (cluster 994) connect at weight=438.0
2025-04-09 19:04:12.310 | DEBUG    | __main__:<module>:20 - Iteration 993: Points 985 (cluster 2992) and 995 (cluster 995) connect at weight=437.0
2025-04-09 19:04:12.310 | DEBUG    | __main__:<module>:20 - Iteration 994: Points 946 (cluster 2993) and 997 (cluster 997) connect at weight=437.0
2025-04-09 19:04:12.311 | DEBUG    | __main__:<module>:20 - Iteration 995: Points 902 (cluster 2994) and 998 (cluster 998) connect at weight=437.0
2025-04-09 19:04:12.311 | DEBUG    | __main__:<module>:20 - Iteration 996: Points 968 (cluster 2995) and 996 (cluster 996) connect at weight=436.0
2025-04-09 19:04:12.311 | DEBUG    | __main__:<module>:20 - Iteration 997: Points 963 (cluster 2996) and 1002 (cluster 1002) connect at weight=436.0
2025-04-09 19:04:12.311 | DEBUG    | __main__:<module>:20 - Iteration 998: Points 951 (cluster 2997) and 1000 (cluster 1000) connect at weight=436.0
2025-04-09 19:04:12.311 | DEBUG    | __main__:<module>:20 - Iteration 999: Points 901 (cluster 2998) and 993 (cluster 993) connect at weight=436.0
2025-04-09 19:04:12.312 | DEBUG    | __main__:<module>:20 - Iteration 1000: Points 993 (cluster 2999) and 1003 (cluster 1003) connect at weight=435.0
2025-04-09 19:04:12.312 | DEBUG    | __main__:<module>:20 - Iteration 1001: Points 984 (cluster 3000) and 1005 (cluster 1005) connect at weight=434.0
2025-04-09 19:04:12.312 | DEBUG    | __main__:<module>:20 - Iteration 1002: Points 970 (cluster 3001) and 1004 (cluster 1004) connect at weight=434.0
2025-04-09 19:04:12.314 | DEBUG    | __main__:<module>:20 - Iteration 1003: Points 951 (cluster 3002) and 1006 (cluster 1006) connect at weight=433.0
2025-04-09 19:04:12.314 | DEBUG    | __main__:<module>:20 - Iteration 1004: Points 940 (cluster 3003) and 1001 (cluster 1001) connect at weight=433.0
2025-04-09 19:04:12.315 | DEBUG    | __main__:<module>:20 - Iteration 1005: Points 1006 (cluster 3004) and 1007 (cluster 1007) connect at weight=432.0
2025-04-09 19:04:12.315 | DEBUG    | __main__:<module>:20 - Iteration 1006: Points 998 (cluster 3005) and 1009 (cluster 1009) connect at weight=432.0
2025-04-09 19:04:12.315 | DEBUG    | __main__:<module>:20 - Iteration 1007: Points 994 (cluster 3006) and 1008 (cluster 1008) connect at weight=432.0
2025-04-09 19:04:12.315 | DEBUG    | __main__:<module>:20 - Iteration 1008: Points 1009 (cluster 3007) and 1012 (cluster 1012) connect at weight=431.0
2025-04-09 19:04:12.315 | DEBUG    | __main__:<module>:20 - Iteration 1009: Points 997 (cluster 3008) and 1013 (cluster 1013) connect at weight=431.0
2025-04-09 19:04:12.316 | DEBUG    | __main__:<module>:20 - Iteration 1010: Points 949 (cluster 3009) and 1011 (cluster 1011) connect at weight=431.0
2025-04-09 19:04:12.316 | DEBUG    | __main__:<module>:20 - Iteration 1011: Points 1010 (cluster 1010) and 1014 (cluster 1014) connect at weight=430.0
2025-04-09 19:04:12.316 | DEBUG    | __main__:<module>:20 - Iteration 1012: Points 965 (cluster 3010) and 1015 (cluster 1015) connect at weight=429.0
2025-04-09 19:04:12.316 | DEBUG    | __main__:<module>:20 - Iteration 1013: Points 957 (cluster 3012) and 1010 (cluster 3011) connect at weight=429.0
2025-04-09 19:04:12.316 | DEBUG    | __main__:<module>:20 - Iteration 1014: Points 1012 (cluster 3013) and 1018 (cluster 1018) connect at weight=426.0
2025-04-09 19:04:12.316 | DEBUG    | __main__:<module>:20 - Iteration 1015: Points 1005 (cluster 3014) and 1019 (cluster 1019) connect at weight=425.0
2025-04-09 19:04:12.317 | DEBUG    | __main__:<module>:20 - Iteration 1016: Points 986 (cluster 3015) and 1016 (cluster 1016) connect at weight=425.0
2025-04-09 19:04:12.317 | DEBUG    | __main__:<module>:20 - Iteration 1017: Points 971 (cluster 3016) and 1017 (cluster 1017) connect at weight=424.0
2025-04-09 19:04:12.317 | DEBUG    | __main__:<module>:20 - Iteration 1018: Points 1003 (cluster 3017) and 1020 (cluster 1020) connect at weight=423.0
2025-04-09 19:04:12.317 | DEBUG    | __main__:<module>:20 - Iteration 1019: Points 931 (cluster 3018) and 1021 (cluster 1021) connect at weight=422.0
2025-04-09 19:04:12.317 | DEBUG    | __main__:<module>:20 - Iteration 1020: Points 984 (cluster 3019) and 1023 (cluster 1023) connect at weight=421.0
2025-04-09 19:04:12.317 | DEBUG    | __main__:<module>:20 - Iteration 1021: Points 1022 (cluster 1022) and 968 (cluster 3020) connect at weight=419.0
2025-04-09 19:04:12.318 | DEBUG    | __main__:<module>:20 - Iteration 1022: Points 1008 (cluster 3021) and 1026 (cluster 1026) connect at weight=419.0
2025-04-09 19:04:12.318 | DEBUG    | __main__:<module>:20 - Iteration 1023: Points 958 (cluster 3022) and 1024 (cluster 1024) connect at weight=419.0
2025-04-09 19:04:12.318 | DEBUG    | __main__:<module>:20 - Iteration 1024: Points 1019 (cluster 3023) and 1031 (cluster 1031) connect at weight=417.0
2025-04-09 19:04:12.318 | DEBUG    | __main__:<module>:20 - Iteration 1025: Points 616 (cluster 2927) and 1025 (cluster 1025) connect at weight=417.0
2025-04-09 19:04:12.320 | DEBUG    | __main__:<module>:20 - Iteration 1026: Points 1017 (cluster 3024) and 1030 (cluster 1030) connect at weight=416.0
2025-04-09 19:04:12.320 | DEBUG    | __main__:<module>:20 - Iteration 1027: Points 1001 (cluster 3026) and 1027 (cluster 1027) connect at weight=416.0
2025-04-09 19:04:12.320 | DEBUG    | __main__:<module>:20 - Iteration 1028: Points 930 (cluster 3027) and 1034 (cluster 1034) connect at weight=416.0
2025-04-09 19:04:12.320 | DEBUG    | __main__:<module>:20 - Iteration 1029: Points 1018 (cluster 3028) and 1035 (cluster 1035) connect at weight=415.0
2025-04-09 19:04:12.320 | DEBUG    | __main__:<module>:20 - Iteration 1030: Points 982 (cluster 3029) and 1037 (cluster 1037) connect at weight=414.0
2025-04-09 19:04:12.320 | DEBUG    | __main__:<module>:20 - Iteration 1031: Points 974 (cluster 3030) and 1036 (cluster 1036) connect at weight=414.0
2025-04-09 19:04:12.321 | DEBUG    | __main__:<module>:20 - Iteration 1032: Points 1015 (cluster 3031) and 1033 (cluster 1033) connect at weight=413.0
2025-04-09 19:04:12.321 | DEBUG    | __main__:<module>:20 - Iteration 1033: Points 1007 (cluster 3032) and 1038 (cluster 1038) connect at weight=413.0
2025-04-09 19:04:12.321 | DEBUG    | __main__:<module>:20 - Iteration 1034: Points 912 (cluster 3033) and 1029 (cluster 1029) connect at weight=413.0
2025-04-09 19:04:12.321 | DEBUG    | __main__:<module>:20 - Iteration 1035: Points 1041 (cluster 1041) and 1040 (cluster 1040) connect at weight=412.0
2025-04-09 19:04:12.321 | DEBUG    | __main__:<module>:20 - Iteration 1036: Points 1026 (cluster 3034) and 1039 (cluster 1039) connect at weight=412.0
2025-04-09 19:04:12.322 | DEBUG    | __main__:<module>:20 - Iteration 1037: Points 1019 (cluster 3036) and 1042 (cluster 1042) connect at weight=411.0
2025-04-09 19:04:12.322 | DEBUG    | __main__:<module>:20 - Iteration 1038: Points 995 (cluster 3037) and 1043 (cluster 1043) connect at weight=411.0
2025-04-09 19:04:12.322 | DEBUG    | __main__:<module>:20 - Iteration 1039: Points 1044 (cluster 1044) and 1049 (cluster 1049) connect at weight=410.0
2025-04-09 19:04:12.322 | DEBUG    | __main__:<module>:20 - Iteration 1040: Points 1008 (cluster 3038) and 1041 (cluster 3035) connect at weight=410.0
2025-04-09 19:04:12.322 | DEBUG    | __main__:<module>:20 - Iteration 1041: Points 1007 (cluster 3040) and 1046 (cluster 1046) connect at weight=410.0
2025-04-09 19:04:12.322 | DEBUG    | __main__:<module>:20 - Iteration 1042: Points 1004 (cluster 3041) and 1050 (cluster 1050) connect at weight=410.0
2025-04-09 19:04:12.323 | DEBUG    | __main__:<module>:20 - Iteration 1043: Points 973 (cluster 3042) and 1045 (cluster 1045) connect at weight=410.0
2025-04-09 19:04:12.323 | DEBUG    | __main__:<module>:20 - Iteration 1044: Points 630 (cluster 3025) and 1032 (cluster 1032) connect at weight=410.0
2025-04-09 19:04:12.323 | DEBUG    | __main__:<module>:20 - Iteration 1045: Points 630 (cluster 3044) and 1028 (cluster 1028) connect at weight=410.0
2025-04-09 19:04:12.323 | DEBUG    | __main__:<module>:20 - Iteration 1046: Points 1050 (cluster 3043) and 1051 (cluster 1051) connect at weight=409.0
2025-04-09 19:04:12.323 | DEBUG    | __main__:<module>:20 - Iteration 1047: Points 973 (cluster 3046) and 1053 (cluster 1053) connect at weight=409.0
2025-04-09 19:04:12.324 | DEBUG    | __main__:<module>:20 - Iteration 1048: Points 927 (cluster 3047) and 1054 (cluster 1054) connect at weight=409.0
2025-04-09 19:04:12.324 | DEBUG    | __main__:<module>:20 - Iteration 1049: Points 1047 (cluster 1047) and 1022 (cluster 3048) connect at weight=408.0
2025-04-09 19:04:12.324 | DEBUG    | __main__:<module>:20 - Iteration 1050: Points 991 (cluster 3049) and 1044 (cluster 3039) connect at weight=408.0
2025-04-09 19:04:12.324 | DEBUG    | __main__:<module>:20 - Iteration 1051: Points 852 (cluster 3045) and 1056 (cluster 1056) connect at weight=408.0
2025-04-09 19:04:12.324 | DEBUG    | __main__:<module>:20 - Iteration 1052: Points 852 (cluster 3051) and 1055 (cluster 1055) connect at weight=408.0
2025-04-09 19:04:12.324 | DEBUG    | __main__:<module>:20 - Iteration 1053: Points 1003 (cluster 3050) and 1048 (cluster 1048) connect at weight=407.0
2025-04-09 19:04:12.325 | DEBUG    | __main__:<module>:20 - Iteration 1054: Points 935 (cluster 3053) and 1057 (cluster 1057) connect at weight=407.0
2025-04-09 19:04:12.325 | DEBUG    | __main__:<module>:20 - Iteration 1055: Points 1029 (cluster 3054) and 1052 (cluster 1052) connect at weight=406.0
2025-04-09 19:04:12.325 | DEBUG    | __main__:<module>:20 - Iteration 1056: Points 988 (cluster 3055) and 1061 (cluster 1061) connect at weight=405.0
2025-04-09 19:04:12.325 | DEBUG    | __main__:<module>:20 - Iteration 1057: Points 1058 (cluster 1058) and 1062 (cluster 1062) connect at weight=404.0
2025-04-09 19:04:12.325 | DEBUG    | __main__:<module>:20 - Iteration 1058: Points 967 (cluster 3056) and 1058 (cluster 3057) connect at weight=404.0
2025-04-09 19:04:12.326 | DEBUG    | __main__:<module>:20 - Iteration 1059: Points 1046 (cluster 3058) and 1064 (cluster 1064) connect at weight=403.0
2025-04-09 19:04:12.326 | DEBUG    | __main__:<module>:20 - Iteration 1060: Points 1037 (cluster 3059) and 1060 (cluster 1060) connect at weight=403.0
2025-04-09 19:04:12.326 | DEBUG    | __main__:<module>:20 - Iteration 1061: Points 1036 (cluster 3060) and 1063 (cluster 1063) connect at weight=403.0
2025-04-09 19:04:12.326 | DEBUG    | __main__:<module>:20 - Iteration 1062: Points 1024 (cluster 3061) and 1059 (cluster 1059) connect at weight=403.0
2025-04-09 19:04:12.326 | DEBUG    | __main__:<module>:20 - Iteration 1063: Points 1052 (cluster 3062) and 1068 (cluster 1068) connect at weight=400.0
2025-04-09 19:04:12.326 | DEBUG    | __main__:<module>:20 - Iteration 1064: Points 1024 (cluster 3063) and 1065 (cluster 1065) connect at weight=400.0
2025-04-09 19:04:12.327 | DEBUG    | __main__:<module>:20 - Iteration 1065: Points 992 (cluster 3064) and 1066 (cluster 1066) connect at weight=400.0
2025-04-09 19:04:12.327 | DEBUG    | __main__:<module>:20 - Iteration 1066: Points 1014 (cluster 3065) and 1070 (cluster 1070) connect at weight=399.0
2025-04-09 19:04:12.327 | DEBUG    | __main__:<module>:20 - Iteration 1067: Points 1024 (cluster 3066) and 1069 (cluster 1069) connect at weight=398.0
2025-04-09 19:04:12.327 | DEBUG    | __main__:<module>:20 - Iteration 1068: Points 981 (cluster 3067) and 1073 (cluster 1073) connect at weight=398.0
2025-04-09 19:04:12.327 | DEBUG    | __main__:<module>:20 - Iteration 1069: Points 960 (cluster 3068) and 1072 (cluster 1072) connect at weight=398.0
2025-04-09 19:04:12.328 | DEBUG    | __main__:<module>:20 - Iteration 1070: Points 960 (cluster 3069) and 1071 (cluster 1071) connect at weight=398.0
2025-04-09 19:04:12.328 | DEBUG    | __main__:<module>:20 - Iteration 1071: Points 1041 (cluster 3070) and 1074 (cluster 1074) connect at weight=395.0
2025-04-09 19:04:12.328 | DEBUG    | __main__:<module>:20 - Iteration 1072: Points 1048 (cluster 3071) and 1077 (cluster 1077) connect at weight=394.0
2025-04-09 19:04:12.328 | DEBUG    | __main__:<module>:20 - Iteration 1073: Points 1035 (cluster 3072) and 1076 (cluster 1076) connect at weight=394.0
2025-04-09 19:04:12.328 | DEBUG    | __main__:<module>:20 - Iteration 1074: Points 1043 (cluster 3073) and 1084 (cluster 1084) connect at weight=393.0
2025-04-09 19:04:12.328 | DEBUG    | __main__:<module>:20 - Iteration 1075: Points 1039 (cluster 3074) and 1082 (cluster 1082) connect at weight=393.0
2025-04-09 19:04:12.329 | DEBUG    | __main__:<module>:20 - Iteration 1076: Points 1035 (cluster 3075) and 1080 (cluster 1080) connect at weight=393.0
2025-04-09 19:04:12.329 | DEBUG    | __main__:<module>:20 - Iteration 1077: Points 1013 (cluster 3076) and 1075 (cluster 1075) connect at weight=393.0
2025-04-09 19:04:12.329 | DEBUG    | __main__:<module>:20 - Iteration 1078: Points 935 (cluster 3077) and 1083 (cluster 1083) connect at weight=393.0
2025-04-09 19:04:12.329 | DEBUG    | __main__:<module>:20 - Iteration 1079: Points 1027 (cluster 3078) and 1079 (cluster 1079) connect at weight=392.0
2025-04-09 19:04:12.329 | DEBUG    | __main__:<module>:20 - Iteration 1080: Points 1020 (cluster 3079) and 1085 (cluster 1085) connect at weight=392.0
2025-04-09 19:04:12.330 | DEBUG    | __main__:<module>:20 - Iteration 1081: Points 634 (cluster 3052) and 1067 (cluster 1067) connect at weight=392.0
2025-04-09 19:04:12.330 | DEBUG    | __main__:<module>:20 - Iteration 1082: Points 1060 (cluster 3080) and 1087 (cluster 1087) connect at weight=391.0
2025-04-09 19:04:12.330 | DEBUG    | __main__:<module>:20 - Iteration 1083: Points 1016 (cluster 3082) and 1081 (cluster 1081) connect at weight=391.0
2025-04-09 19:04:12.330 | DEBUG    | __main__:<module>:20 - Iteration 1084: Points 930 (cluster 3083) and 1088 (cluster 1088) connect at weight=391.0
2025-04-09 19:04:12.330 | DEBUG    | __main__:<module>:20 - Iteration 1085: Points 1077 (cluster 3084) and 1086 (cluster 1086) connect at weight=390.0
2025-04-09 19:04:12.330 | DEBUG    | __main__:<module>:20 - Iteration 1086: Points 1074 (cluster 3085) and 1092 (cluster 1092) connect at weight=390.0
2025-04-09 19:04:12.331 | DEBUG    | __main__:<module>:20 - Iteration 1087: Points 1016 (cluster 3086) and 1078 (cluster 1078) connect at weight=390.0
2025-04-09 19:04:12.331 | DEBUG    | __main__:<module>:20 - Iteration 1088: Points 1095 (cluster 1095) and 1091 (cluster 1091) connect at weight=389.0
2025-04-09 19:04:12.331 | DEBUG    | __main__:<module>:20 - Iteration 1089: Points 1086 (cluster 3087) and 1095 (cluster 3088) connect at weight=389.0
2025-04-09 19:04:12.331 | DEBUG    | __main__:<module>:20 - Iteration 1090: Points 1053 (cluster 3089) and 1093 (cluster 1093) connect at weight=389.0
2025-04-09 19:04:12.331 | DEBUG    | __main__:<module>:20 - Iteration 1091: Points 1043 (cluster 3090) and 1089 (cluster 1089) connect at weight=389.0
2025-04-09 19:04:12.332 | DEBUG    | __main__:<module>:20 - Iteration 1092: Points 1090 (cluster 1090) and 1047 (cluster 3091) connect at weight=388.0
2025-04-09 19:04:12.332 | DEBUG    | __main__:<module>:20 - Iteration 1093: Points 1035 (cluster 3092) and 1094 (cluster 1094) connect at weight=388.0
2025-04-09 19:04:12.332 | DEBUG    | __main__:<module>:20 - Iteration 1094: Points 1017 (cluster 3093) and 1096 (cluster 1096) connect at weight=388.0
2025-04-09 19:04:12.332 | DEBUG    | __main__:<module>:20 - Iteration 1095: Points 1068 (cluster 3094) and 1101 (cluster 1101) connect at weight=384.0
2025-04-09 19:04:12.332 | DEBUG    | __main__:<module>:20 - Iteration 1096: Points 1059 (cluster 3095) and 1099 (cluster 1099) connect at weight=384.0
2025-04-09 19:04:12.332 | DEBUG    | __main__:<module>:20 - Iteration 1097: Points 1050 (cluster 3096) and 1098 (cluster 1098) connect at weight=384.0
2025-04-09 19:04:12.333 | DEBUG    | __main__:<module>:20 - Iteration 1098: Points 1034 (cluster 3097) and 1102 (cluster 1102) connect at weight=384.0
2025-04-09 19:04:12.333 | DEBUG    | __main__:<module>:20 - Iteration 1099: Points 944 (cluster 3098) and 1097 (cluster 1097) connect at weight=384.0
2025-04-09 19:04:12.333 | DEBUG    | __main__:<module>:20 - Iteration 1100: Points 1030 (cluster 3099) and 1105 (cluster 1105) connect at weight=383.0
2025-04-09 19:04:12.333 | DEBUG    | __main__:<module>:20 - Iteration 1101: Points 1007 (cluster 3100) and 1103 (cluster 1103) connect at weight=383.0
2025-04-09 19:04:12.333 | DEBUG    | __main__:<module>:20 - Iteration 1102: Points 1099 (cluster 3101) and 1106 (cluster 1106) connect at weight=382.0
2025-04-09 19:04:12.333 | DEBUG    | __main__:<module>:20 - Iteration 1103: Points 1068 (cluster 3102) and 1100 (cluster 1100) connect at weight=382.0
2025-04-09 19:04:12.334 | DEBUG    | __main__:<module>:20 - Iteration 1104: Points 1048 (cluster 3103) and 1104 (cluster 1104) connect at weight=382.0
2025-04-09 19:04:12.335 | DEBUG    | __main__:<module>:20 - Iteration 1105: Points 754 (cluster 3081) and 1107 (cluster 1107) connect at weight=381.0
2025-04-09 19:04:12.335 | DEBUG    | __main__:<module>:20 - Iteration 1106: Points 1080 (cluster 3104) and 1108 (cluster 1108) connect at weight=380.0
2025-04-09 19:04:12.335 | DEBUG    | __main__:<module>:20 - Iteration 1107: Points 1100 (cluster 3106) and 1109 (cluster 1109) connect at weight=379.0
2025-04-09 19:04:12.335 | DEBUG    | __main__:<module>:20 - Iteration 1108: Points 1045 (cluster 3107) and 1110 (cluster 1110) connect at weight=378.0
2025-04-09 19:04:12.336 | DEBUG    | __main__:<module>:20 - Iteration 1109: Points 1111 (cluster 1111) and 1090 (cluster 3108) connect at weight=377.0
2025-04-09 19:04:12.336 | DEBUG    | __main__:<module>:20 - Iteration 1110: Points 1075 (cluster 3109) and 1112 (cluster 1112) connect at weight=376.0
2025-04-09 19:04:12.336 | DEBUG    | __main__:<module>:20 - Iteration 1111: Points 1073 (cluster 3110) and 1113 (cluster 1113) connect at weight=376.0
2025-04-09 19:04:12.336 | DEBUG    | __main__:<module>:20 - Iteration 1112: Points 1017 (cluster 3111) and 1116 (cluster 1116) connect at weight=374.0
2025-04-09 19:04:12.336 | DEBUG    | __main__:<module>:20 - Iteration 1113: Points 1112 (cluster 3112) and 1119 (cluster 1119) connect at weight=373.0
2025-04-09 19:04:12.336 | DEBUG    | __main__:<module>:20 - Iteration 1114: Points 1115 (cluster 1115) and 1117 (cluster 1117) connect at weight=372.0
2025-04-09 19:04:12.337 | DEBUG    | __main__:<module>:20 - Iteration 1115: Points 1108 (cluster 3113) and 1118 (cluster 1118) connect at weight=372.0
2025-04-09 19:04:12.337 | DEBUG    | __main__:<module>:20 - Iteration 1116: Points 1090 (cluster 3115) and 1115 (cluster 3114) connect at weight=372.0
2025-04-09 19:04:12.337 | DEBUG    | __main__:<module>:20 - Iteration 1117: Points 1027 (cluster 3116) and 1114 (cluster 1114) connect at weight=371.0
2025-04-09 19:04:12.337 | DEBUG    | __main__:<module>:20 - Iteration 1118: Points 1072 (cluster 3117) and 1120 (cluster 1120) connect at weight=370.0
2025-04-09 19:04:12.337 | DEBUG    | __main__:<module>:20 - Iteration 1119: Points 1106 (cluster 3118) and 1122 (cluster 1122) connect at weight=369.0
2025-04-09 19:04:12.338 | DEBUG    | __main__:<module>:20 - Iteration 1120: Points 1089 (cluster 3119) and 1123 (cluster 1123) connect at weight=368.0
2025-04-09 19:04:12.338 | DEBUG    | __main__:<module>:20 - Iteration 1121: Points 1082 (cluster 3120) and 1121 (cluster 1121) connect at weight=368.0
2025-04-09 19:04:12.338 | DEBUG    | __main__:<module>:20 - Iteration 1122: Points 1121 (cluster 3121) and 1124 (cluster 1124) connect at weight=367.0
2025-04-09 19:04:12.338 | DEBUG    | __main__:<module>:20 - Iteration 1123: Points 1118 (cluster 3122) and 1125 (cluster 1125) connect at weight=367.0
2025-04-09 19:04:12.338 | DEBUG    | __main__:<module>:20 - Iteration 1124: Points 1118 (cluster 3123) and 1126 (cluster 1126) connect at weight=366.0
2025-04-09 19:04:12.338 | DEBUG    | __main__:<module>:20 - Iteration 1125: Points 1002 (cluster 3124) and 1128 (cluster 1128) connect at weight=366.0
2025-04-09 19:04:12.339 | DEBUG    | __main__:<module>:20 - Iteration 1126: Points 1104 (cluster 3125) and 1127 (cluster 1127) connect at weight=365.0
2025-04-09 19:04:12.339 | DEBUG    | __main__:<module>:20 - Iteration 1127: Points 1109 (cluster 3126) and 1129 (cluster 1129) connect at weight=364.0
2025-04-09 19:04:12.339 | DEBUG    | __main__:<module>:20 - Iteration 1128: Points 1109 (cluster 3127) and 1130 (cluster 1130) connect at weight=363.0
2025-04-09 19:04:12.339 | DEBUG    | __main__:<module>:20 - Iteration 1129: Points 1089 (cluster 3128) and 1131 (cluster 1131) connect at weight=362.0
2025-04-09 19:04:12.339 | DEBUG    | __main__:<module>:20 - Iteration 1130: Points 1113 (cluster 3129) and 1134 (cluster 1134) connect at weight=361.0
2025-04-09 19:04:12.340 | DEBUG    | __main__:<module>:20 - Iteration 1131: Points 952 (cluster 3130) and 1133 (cluster 1133) connect at weight=361.0
2025-04-09 19:04:12.340 | DEBUG    | __main__:<module>:20 - Iteration 1132: Points 945 (cluster 3131) and 1132 (cluster 1132) connect at weight=361.0
2025-04-09 19:04:12.340 | DEBUG    | __main__:<module>:20 - Iteration 1133: Points 1056 (cluster 3105) and 1135 (cluster 1135) connect at weight=360.0
2025-04-09 19:04:12.340 | DEBUG    | __main__:<module>:20 - Iteration 1134: Points 1099 (cluster 3132) and 1136 (cluster 1136) connect at weight=359.0
2025-04-09 19:04:12.340 | DEBUG    | __main__:<module>:20 - Iteration 1135: Points 1112 (cluster 3134) and 1137 (cluster 1137) connect at weight=358.0
2025-04-09 19:04:12.340 | DEBUG    | __main__:<module>:20 - Iteration 1136: Points 1002 (cluster 3135) and 1138 (cluster 1138) connect at weight=356.0
2025-04-09 19:04:12.341 | DEBUG    | __main__:<module>:20 - Iteration 1137: Points 1124 (cluster 3136) and 1140 (cluster 1140) connect at weight=354.0
2025-04-09 19:04:12.341 | DEBUG    | __main__:<module>:20 - Iteration 1138: Points 1117 (cluster 3137) and 1139 (cluster 1139) connect at weight=353.0
2025-04-09 19:04:12.341 | DEBUG    | __main__:<module>:20 - Iteration 1139: Points 1104 (cluster 3138) and 1142 (cluster 1142) connect at weight=353.0
2025-04-09 19:04:12.341 | DEBUG    | __main__:<module>:20 - Iteration 1140: Points 1095 (cluster 3139) and 1143 (cluster 1143) connect at weight=353.0
2025-04-09 19:04:12.341 | DEBUG    | __main__:<module>:20 - Iteration 1141: Points 1025 (cluster 3133) and 1144 (cluster 1144) connect at weight=353.0
2025-04-09 19:04:12.342 | DEBUG    | __main__:<module>:20 - Iteration 1142: Points 1136 (cluster 3140) and 1145 (cluster 1145) connect at weight=351.0
2025-04-09 19:04:12.342 | DEBUG    | __main__:<module>:20 - Iteration 1143: Points 1096 (cluster 3142) and 1146 (cluster 1146) connect at weight=351.0
2025-04-09 19:04:12.342 | DEBUG    | __main__:<module>:20 - Iteration 1144: Points 1054 (cluster 3143) and 1147 (cluster 1147) connect at weight=351.0
2025-04-09 19:04:12.342 | DEBUG    | __main__:<module>:20 - Iteration 1145: Points 1129 (cluster 3144) and 1141 (cluster 1141) connect at weight=349.0
2025-04-09 19:04:12.342 | DEBUG    | __main__:<module>:20 - Iteration 1146: Points 1094 (cluster 3145) and 1149 (cluster 1149) connect at weight=347.0
2025-04-09 19:04:12.342 | DEBUG    | __main__:<module>:20 - Iteration 1147: Points 835 (cluster 3141) and 1152 (cluster 1152) connect at weight=347.0
2025-04-09 19:04:12.343 | DEBUG    | __main__:<module>:20 - Iteration 1148: Points 1121 (cluster 3146) and 1151 (cluster 1151) connect at weight=346.0
2025-04-09 19:04:12.343 | DEBUG    | __main__:<module>:20 - Iteration 1149: Points 1082 (cluster 3148) and 1150 (cluster 1150) connect at weight=346.0
2025-04-09 19:04:12.343 | DEBUG    | __main__:<module>:20 - Iteration 1150: Points 1146 (cluster 3149) and 1156 (cluster 1156) connect at weight=345.0
2025-04-09 19:04:12.343 | DEBUG    | __main__:<module>:20 - Iteration 1151: Points 1126 (cluster 3150) and 1154 (cluster 1154) connect at weight=345.0
2025-04-09 19:04:12.343 | DEBUG    | __main__:<module>:20 - Iteration 1152: Points 1105 (cluster 3151) and 1155 (cluster 1155) connect at weight=345.0
2025-04-09 19:04:12.344 | DEBUG    | __main__:<module>:20 - Iteration 1153: Points 1103 (cluster 3152) and 1159 (cluster 1159) connect at weight=344.0
2025-04-09 19:04:12.344 | DEBUG    | __main__:<module>:20 - Iteration 1154: Points 1102 (cluster 3153) and 1153 (cluster 1153) connect at weight=344.0
2025-04-09 19:04:12.344 | DEBUG    | __main__:<module>:20 - Iteration 1155: Points 1054 (cluster 3154) and 1160 (cluster 1160) connect at weight=344.0
2025-04-09 19:04:12.344 | DEBUG    | __main__:<module>:20 - Iteration 1156: Points 1148 (cluster 1148) and 1111 (cluster 3155) connect at weight=343.0
2025-04-09 19:04:12.344 | DEBUG    | __main__:<module>:20 - Iteration 1157: Points 1127 (cluster 3156) and 1161 (cluster 1161) connect at weight=343.0
2025-04-09 19:04:12.344 | DEBUG    | __main__:<module>:20 - Iteration 1158: Points 1126 (cluster 3157) and 1158 (cluster 1158) connect at weight=343.0
2025-04-09 19:04:12.345 | DEBUG    | __main__:<module>:20 - Iteration 1159: Points 1093 (cluster 3158) and 1163 (cluster 1163) connect at weight=343.0
2025-04-09 19:04:12.345 | DEBUG    | __main__:<module>:20 - Iteration 1160: Points 1087 (cluster 3159) and 1162 (cluster 1162) connect at weight=343.0
2025-04-09 19:04:12.345 | DEBUG    | __main__:<module>:20 - Iteration 1161: Points 1042 (cluster 3160) and 1157 (cluster 1157) connect at weight=343.0
2025-04-09 19:04:12.345 | DEBUG    | __main__:<module>:20 - Iteration 1162: Points 1110 (cluster 3161) and 1165 (cluster 1165) connect at weight=342.0
2025-04-09 19:04:12.345 | DEBUG    | __main__:<module>:20 - Iteration 1163: Points 1042 (cluster 3162) and 1164 (cluster 1164) connect at weight=342.0
2025-04-09 19:04:12.346 | DEBUG    | __main__:<module>:20 - Iteration 1164: Points 1131 (cluster 3163) and 1166 (cluster 1166) connect at weight=341.0
2025-04-09 19:04:12.346 | DEBUG    | __main__:<module>:20 - Iteration 1165: Points 1157 (cluster 3164) and 1167 (cluster 1167) connect at weight=340.0
2025-04-09 19:04:12.346 | DEBUG    | __main__:<module>:20 - Iteration 1166: Points 1097 (cluster 3165) and 1169 (cluster 1169) connect at weight=338.0
2025-04-09 19:04:12.346 | DEBUG    | __main__:<module>:20 - Iteration 1167: Points 1087 (cluster 3166) and 1171 (cluster 1171) connect at weight=338.0
2025-04-09 19:04:12.346 | DEBUG    | __main__:<module>:20 - Iteration 1168: Points 1033 (cluster 3167) and 1170 (cluster 1170) connect at weight=338.0
2025-04-09 19:04:12.346 | DEBUG    | __main__:<module>:20 - Iteration 1169: Points 1164 (cluster 3168) and 1173 (cluster 1173) connect at weight=337.0
2025-04-09 19:04:12.347 | DEBUG    | __main__:<module>:20 - Iteration 1170: Points 1150 (cluster 3169) and 1172 (cluster 1172) connect at weight=337.0
2025-04-09 19:04:12.347 | DEBUG    | __main__:<module>:20 - Iteration 1171: Points 1092 (cluster 3170) and 1168 (cluster 1168) connect at weight=337.0
2025-04-09 19:04:12.347 | DEBUG    | __main__:<module>:20 - Iteration 1172: Points 1149 (cluster 3171) and 1174 (cluster 1174) connect at weight=335.0
2025-04-09 19:04:12.347 | DEBUG    | __main__:<module>:20 - Iteration 1173: Points 1158 (cluster 3172) and 1175 (cluster 1175) connect at weight=332.0
2025-04-09 19:04:12.347 | DEBUG    | __main__:<module>:20 - Iteration 1174: Points 1156 (cluster 3173) and 1176 (cluster 1176) connect at weight=331.0
2025-04-09 19:04:12.348 | DEBUG    | __main__:<module>:20 - Iteration 1175: Points 1150 (cluster 3174) and 1177 (cluster 1177) connect at weight=331.0
2025-04-09 19:04:12.348 | DEBUG    | __main__:<module>:20 - Iteration 1176: Points 1180 (cluster 1180) and 1178 (cluster 1178) connect at weight=330.0
2025-04-09 19:04:12.348 | DEBUG    | __main__:<module>:20 - Iteration 1177: Points 1158 (cluster 3175) and 1180 (cluster 3176) connect at weight=330.0
2025-04-09 19:04:12.348 | DEBUG    | __main__:<module>:20 - Iteration 1178: Points 1120 (cluster 3177) and 1179 (cluster 1179) connect at weight=330.0
2025-04-09 19:04:12.348 | DEBUG    | __main__:<module>:20 - Iteration 1179: Points 1098 (cluster 3178) and 1181 (cluster 1181) connect at weight=330.0
2025-04-09 19:04:12.349 | DEBUG    | __main__:<module>:20 - Iteration 1180: Points 1131 (cluster 3179) and 1182 (cluster 1182) connect at weight=327.0
2025-04-09 19:04:12.349 | DEBUG    | __main__:<module>:20 - Iteration 1181: Points 1174 (cluster 3180) and 1183 (cluster 1183) connect at weight=323.0
2025-04-09 19:04:12.349 | DEBUG    | __main__:<module>:20 - Iteration 1182: Points 1162 (cluster 3181) and 1184 (cluster 1184) connect at weight=323.0
2025-04-09 19:04:12.349 | DEBUG    | __main__:<module>:20 - Iteration 1183: Points 1170 (cluster 3182) and 1185 (cluster 1185) connect at weight=322.0
2025-04-09 19:04:12.349 | DEBUG    | __main__:<module>:20 - Iteration 1184: Points 1168 (cluster 3183) and 1186 (cluster 1186) connect at weight=320.0
2025-04-09 19:04:12.349 | DEBUG    | __main__:<module>:20 - Iteration 1185: Points 1170 (cluster 3184) and 1187 (cluster 1187) connect at weight=319.0
2025-04-09 19:04:12.350 | DEBUG    | __main__:<module>:20 - Iteration 1186: Points 1168 (cluster 3185) and 1188 (cluster 1188) connect at weight=317.0
2025-04-09 19:04:12.350 | DEBUG    | __main__:<module>:20 - Iteration 1187: Points 1105 (cluster 3186) and 1189 (cluster 1189) connect at weight=317.0
2025-04-09 19:04:12.350 | DEBUG    | __main__:<module>:20 - Iteration 1188: Points 1181 (cluster 3187) and 1190 (cluster 1190) connect at weight=316.0
2025-04-09 19:04:12.350 | DEBUG    | __main__:<module>:20 - Iteration 1189: Points 1190 (cluster 3188) and 1193 (cluster 1193) connect at weight=315.0
2025-04-09 19:04:12.350 | DEBUG    | __main__:<module>:20 - Iteration 1190: Points 1145 (cluster 3189) and 1191 (cluster 1191) connect at weight=315.0
2025-04-09 19:04:12.351 | DEBUG    | __main__:<module>:20 - Iteration 1191: Points 1063 (cluster 3190) and 1194 (cluster 1194) connect at weight=313.0
2025-04-09 19:04:12.351 | DEBUG    | __main__:<module>:20 - Iteration 1192: Points 1196 (cluster 1196) and 1195 (cluster 1195) connect at weight=312.0
2025-04-09 19:04:12.351 | DEBUG    | __main__:<module>:20 - Iteration 1193: Points 1186 (cluster 3191) and 1196 (cluster 3192) connect at weight=311.0
2025-04-09 19:04:12.351 | DEBUG    | __main__:<module>:20 - Iteration 1194: Points 1167 (cluster 3193) and 1197 (cluster 1197) connect at weight=311.0
2025-04-09 19:04:12.351 | DEBUG    | __main__:<module>:20 - Iteration 1195: Points 979 (cluster 3194) and 1192 (cluster 1192) connect at weight=311.0
2025-04-09 19:04:12.351 | DEBUG    | __main__:<module>:20 - Iteration 1196: Points 1201 (cluster 1201) and 1198 (cluster 1198) connect at weight=307.0
2025-04-09 19:04:12.352 | DEBUG    | __main__:<module>:20 - Iteration 1197: Points 1162 (cluster 3195) and 1200 (cluster 1200) connect at weight=307.0
2025-04-09 19:04:12.352 | DEBUG    | __main__:<module>:20 - Iteration 1198: Points 1139 (cluster 3197) and 1199 (cluster 1199) connect at weight=307.0
2025-04-09 19:04:12.352 | DEBUG    | __main__:<module>:20 - Iteration 1199: Points 1199 (cluster 3198) and 1201 (cluster 3196) connect at weight=306.0
2025-04-09 19:04:12.352 | DEBUG    | __main__:<module>:20 - Iteration 1200: Points 1199 (cluster 3199) and 1202 (cluster 1202) connect at weight=305.0
2025-04-09 19:04:12.352 | DEBUG    | __main__:<module>:20 - Iteration 1201: Points 1159 (cluster 3200) and 1206 (cluster 1206) connect at weight=304.0
2025-04-09 19:04:12.353 | DEBUG    | __main__:<module>:20 - Iteration 1202: Points 1143 (cluster 3201) and 1207 (cluster 1207) connect at weight=304.0
2025-04-09 19:04:12.353 | DEBUG    | __main__:<module>:20 - Iteration 1203: Points 1196 (cluster 3202) and 1210 (cluster 1210) connect at weight=303.0
2025-04-09 19:04:12.353 | DEBUG    | __main__:<module>:20 - Iteration 1204: Points 1194 (cluster 3203) and 1209 (cluster 1209) connect at weight=303.0
2025-04-09 19:04:12.353 | DEBUG    | __main__:<module>:20 - Iteration 1205: Points 1145 (cluster 3204) and 1208 (cluster 1208) connect at weight=303.0
2025-04-09 19:04:12.353 | DEBUG    | __main__:<module>:20 - Iteration 1206: Points 1134 (cluster 3205) and 1212 (cluster 1212) connect at weight=302.0
2025-04-09 19:04:12.353 | DEBUG    | __main__:<module>:20 - Iteration 1207: Points 1214 (cluster 1214) and 1205 (cluster 1205) connect at weight=301.0
2025-04-09 19:04:12.354 | DEBUG    | __main__:<module>:20 - Iteration 1208: Points 1188 (cluster 3206) and 1211 (cluster 1211) connect at weight=301.0
2025-04-09 19:04:12.354 | DEBUG    | __main__:<module>:20 - Iteration 1209: Points 1137 (cluster 3208) and 1204 (cluster 1204) connect at weight=301.0
2025-04-09 19:04:12.354 | DEBUG    | __main__:<module>:20 - Iteration 1210: Points 1186 (cluster 3209) and 1215 (cluster 1215) connect at weight=300.0
2025-04-09 19:04:12.354 | DEBUG    | __main__:<module>:20 - Iteration 1211: Points 1028 (cluster 3147) and 1203 (cluster 1203) connect at weight=299.0
2025-04-09 19:04:12.354 | DEBUG    | __main__:<module>:20 - Iteration 1212: Points 1175 (cluster 3210) and 1218 (cluster 1218) connect at weight=298.0
2025-04-09 19:04:12.355 | DEBUG    | __main__:<module>:20 - Iteration 1213: Points 1172 (cluster 3212) and 1217 (cluster 1217) connect at weight=298.0
2025-04-09 19:04:12.355 | DEBUG    | __main__:<module>:20 - Iteration 1214: Points 1123 (cluster 3213) and 1216 (cluster 1216) connect at weight=298.0
2025-04-09 19:04:12.355 | DEBUG    | __main__:<module>:20 - Iteration 1215: Points 1205 (cluster 3207) and 1148 (cluster 3214) connect at weight=297.0
2025-04-09 19:04:12.355 | DEBUG    | __main__:<module>:20 - Iteration 1216: Points 1198 (cluster 3215) and 1213 (cluster 1213) connect at weight=296.0
2025-04-09 19:04:12.355 | DEBUG    | __main__:<module>:20 - Iteration 1217: Points 1151 (cluster 3216) and 1219 (cluster 1219) connect at weight=296.0
2025-04-09 19:04:12.355 | DEBUG    | __main__:<module>:20 - Iteration 1218: Points 1187 (cluster 3217) and 1220 (cluster 1220) connect at weight=295.0
2025-04-09 19:04:12.356 | DEBUG    | __main__:<module>:20 - Iteration 1219: Points 1177 (cluster 3218) and 1221 (cluster 1221) connect at weight=294.0
2025-04-09 19:04:12.356 | DEBUG    | __main__:<module>:20 - Iteration 1220: Points 1220 (cluster 3219) and 1223 (cluster 1223) connect at weight=292.0
2025-04-09 19:04:12.356 | DEBUG    | __main__:<module>:20 - Iteration 1221: Points 1151 (cluster 3220) and 1222 (cluster 1222) connect at weight=291.0
2025-04-09 19:04:12.356 | DEBUG    | __main__:<module>:20 - Iteration 1222: Points 1122 (cluster 3221) and 1224 (cluster 1224) connect at weight=291.0
2025-04-09 19:04:12.356 | DEBUG    | __main__:<module>:20 - Iteration 1223: Points 1160 (cluster 3222) and 1226 (cluster 1226) connect at weight=290.0
2025-04-09 19:04:12.357 | DEBUG    | __main__:<module>:20 - Iteration 1224: Points 1033 (cluster 3223) and 1227 (cluster 1227) connect at weight=290.0
2025-04-09 19:04:12.357 | DEBUG    | __main__:<module>:20 - Iteration 1225: Points 1218 (cluster 3224) and 1229 (cluster 1229) connect at weight=289.0
2025-04-09 19:04:12.357 | DEBUG    | __main__:<module>:20 - Iteration 1226: Points 1218 (cluster 3225) and 1228 (cluster 1228) connect at weight=289.0
2025-04-09 19:04:12.357 | DEBUG    | __main__:<module>:20 - Iteration 1227: Points 1216 (cluster 3226) and 1230 (cluster 1230) connect at weight=288.0
2025-04-09 19:04:12.357 | DEBUG    | __main__:<module>:20 - Iteration 1228: Points 1184 (cluster 3227) and 1231 (cluster 1231) connect at weight=288.0
2025-04-09 19:04:12.357 | DEBUG    | __main__:<module>:20 - Iteration 1229: Points 1141 (cluster 3228) and 1225 (cluster 1225) connect at weight=287.0
2025-04-09 19:04:12.363 | DEBUG    | __main__:<module>:20 - Iteration 1230: Points 1211 (cluster 3229) and 1233 (cluster 1233) connect at weight=286.0
2025-04-09 19:04:12.366 | DEBUG    | __main__:<module>:20 - Iteration 1231: Points 1169 (cluster 3230) and 1234 (cluster 1234) connect at weight=285.0
2025-04-09 19:04:12.366 | DEBUG    | __main__:<module>:20 - Iteration 1232: Points 1133 (cluster 3231) and 1236 (cluster 1236) connect at weight=285.0
2025-04-09 19:04:12.367 | DEBUG    | __main__:<module>:20 - Iteration 1233: Points 1071 (cluster 3232) and 1237 (cluster 1237) connect at weight=284.0
2025-04-09 19:04:12.367 | DEBUG    | __main__:<module>:20 - Iteration 1234: Points 1234 (cluster 3233) and 1240 (cluster 1240) connect at weight=283.0
2025-04-09 19:04:12.367 | DEBUG    | __main__:<module>:20 - Iteration 1235: Points 1165 (cluster 3234) and 1239 (cluster 1239) connect at weight=282.0
2025-04-09 19:04:12.367 | DEBUG    | __main__:<module>:20 - Iteration 1236: Points 1138 (cluster 3235) and 1238 (cluster 1238) connect at weight=282.0
2025-04-09 19:04:12.367 | DEBUG    | __main__:<module>:20 - Iteration 1237: Points 1028 (cluster 3211) and 1232 (cluster 1232) connect at weight=280.0
2025-04-09 19:04:12.367 | DEBUG    | __main__:<module>:20 - Iteration 1238: Points 1160 (cluster 3236) and 1243 (cluster 1243) connect at weight=278.0
2025-04-09 19:04:12.368 | DEBUG    | __main__:<module>:20 - Iteration 1239: Points 1120 (cluster 3238) and 1242 (cluster 1242) connect at weight=278.0
2025-04-09 19:04:12.368 | DEBUG    | __main__:<module>:20 - Iteration 1240: Points 1184 (cluster 3239) and 1241 (cluster 1241) connect at weight=277.0
2025-04-09 19:04:12.368 | DEBUG    | __main__:<module>:20 - Iteration 1241: Points 1183 (cluster 3240) and 1244 (cluster 1244) connect at weight=277.0
2025-04-09 19:04:12.368 | DEBUG    | __main__:<module>:20 - Iteration 1242: Points 1235 (cluster 1235) and 1214 (cluster 3241) connect at weight=276.0
2025-04-09 19:04:12.368 | DEBUG    | __main__:<module>:20 - Iteration 1243: Points 1189 (cluster 3242) and 1245 (cluster 1245) connect at weight=275.0
2025-04-09 19:04:12.369 | DEBUG    | __main__:<module>:20 - Iteration 1244: Points 1228 (cluster 3243) and 1248 (cluster 1248) connect at weight=273.0
2025-04-09 19:04:12.369 | DEBUG    | __main__:<module>:20 - Iteration 1245: Points 1189 (cluster 3244) and 1247 (cluster 1247) connect at weight=273.0
2025-04-09 19:04:12.369 | DEBUG    | __main__:<module>:20 - Iteration 1246: Points 1215 (cluster 3245) and 1246 (cluster 1246) connect at weight=272.0
2025-04-09 19:04:12.369 | DEBUG    | __main__:<module>:20 - Iteration 1247: Points 752 (cluster 3237) and 1249 (cluster 1249) connect at weight=270.0
2025-04-09 19:04:12.369 | DEBUG    | __main__:<module>:20 - Iteration 1248: Points 1229 (cluster 3246) and 1252 (cluster 1252) connect at weight=268.0
2025-04-09 19:04:12.369 | DEBUG    | __main__:<module>:20 - Iteration 1249: Points 1200 (cluster 3248) and 1251 (cluster 1251) connect at weight=268.0
2025-04-09 19:04:12.370 | DEBUG    | __main__:<module>:20 - Iteration 1250: Points 1247 (cluster 3249) and 1254 (cluster 1254) connect at weight=266.0
2025-04-09 19:04:12.370 | DEBUG    | __main__:<module>:20 - Iteration 1251: Points 1241 (cluster 3250) and 1255 (cluster 1255) connect at weight=266.0
2025-04-09 19:04:12.370 | DEBUG    | __main__:<module>:20 - Iteration 1252: Points 1191 (cluster 3251) and 1257 (cluster 1257) connect at weight=266.0
2025-04-09 19:04:12.370 | DEBUG    | __main__:<module>:20 - Iteration 1253: Points 1245 (cluster 3252) and 1256 (cluster 1256) connect at weight=265.0
2025-04-09 19:04:12.370 | DEBUG    | __main__:<module>:20 - Iteration 1254: Points 1213 (cluster 3253) and 1250 (cluster 1250) connect at weight=264.0
2025-04-09 19:04:12.371 | DEBUG    | __main__:<module>:20 - Iteration 1255: Points 1208 (cluster 3254) and 1258 (cluster 1258) connect at weight=264.0
2025-04-09 19:04:12.371 | DEBUG    | __main__:<module>:20 - Iteration 1256: Points 815 (cluster 3247) and 1253 (cluster 1253) connect at weight=261.0
2025-04-09 19:04:12.371 | DEBUG    | __main__:<module>:20 - Iteration 1257: Points 1254 (cluster 3255) and 1261 (cluster 1261) connect at weight=256.0
2025-04-09 19:04:12.371 | DEBUG    | __main__:<module>:20 - Iteration 1258: Points 1254 (cluster 3257) and 1260 (cluster 1260) connect at weight=256.0
2025-04-09 19:04:12.371 | DEBUG    | __main__:<module>:20 - Iteration 1259: Points 1251 (cluster 3258) and 1262 (cluster 1262) connect at weight=256.0
2025-04-09 19:04:12.372 | DEBUG    | __main__:<module>:20 - Iteration 1260: Points 1213 (cluster 3259) and 1259 (cluster 1259) connect at weight=256.0
2025-04-09 19:04:12.372 | DEBUG    | __main__:<module>:20 - Iteration 1261: Points 1149 (cluster 3260) and 1264 (cluster 1264) connect at weight=254.0
2025-04-09 19:04:12.372 | DEBUG    | __main__:<module>:20 - Iteration 1262: Points 1260 (cluster 3261) and 1266 (cluster 1266) connect at weight=253.0
2025-04-09 19:04:12.372 | DEBUG    | __main__:<module>:20 - Iteration 1263: Points 1225 (cluster 3262) and 1263 (cluster 1263) connect at weight=252.0
2025-04-09 19:04:12.372 | DEBUG    | __main__:<module>:20 - Iteration 1264: Points 1182 (cluster 3263) and 1267 (cluster 1267) connect at weight=252.0
2025-04-09 19:04:12.372 | DEBUG    | __main__:<module>:20 - Iteration 1265: Points 1161 (cluster 3264) and 1270 (cluster 1270) connect at weight=248.0
2025-04-09 19:04:12.373 | DEBUG    | __main__:<module>:20 - Iteration 1266: Points 1265 (cluster 1265) and 1235 (cluster 3265) connect at weight=247.0
2025-04-09 19:04:12.374 | DEBUG    | __main__:<module>:20 - Iteration 1267: Points 1246 (cluster 3266) and 1269 (cluster 1269) connect at weight=247.0
2025-04-09 19:04:12.375 | DEBUG    | __main__:<module>:20 - Iteration 1268: Points 1138 (cluster 3267) and 1268 (cluster 1268) connect at weight=247.0
2025-04-09 19:04:12.375 | DEBUG    | __main__:<module>:20 - Iteration 1269: Points 1223 (cluster 3268) and 1273 (cluster 1273) connect at weight=245.0
2025-04-09 19:04:12.375 | DEBUG    | __main__:<module>:20 - Iteration 1270: Points 1144 (cluster 3256) and 1271 (cluster 1271) connect at weight=242.0
2025-04-09 19:04:12.375 | DEBUG    | __main__:<module>:20 - Iteration 1271: Points 1235 (cluster 3269) and 1272 (cluster 1272) connect at weight=241.0
2025-04-09 19:04:12.375 | DEBUG    | __main__:<module>:20 - Iteration 1272: Points 1265 (cluster 3271) and 1275 (cluster 1275) connect at weight=238.0
2025-04-09 19:04:12.376 | DEBUG    | __main__:<module>:20 - Iteration 1273: Points 1238 (cluster 3272) and 1278 (cluster 1278) connect at weight=237.0
2025-04-09 19:04:12.376 | DEBUG    | __main__:<module>:20 - Iteration 1274: Points 1187 (cluster 3273) and 1277 (cluster 1277) connect at weight=237.0
2025-04-09 19:04:12.376 | DEBUG    | __main__:<module>:20 - Iteration 1275: Points 1261 (cluster 3274) and 1279 (cluster 1279) connect at weight=235.0
2025-04-09 19:04:12.376 | DEBUG    | __main__:<module>:20 - Iteration 1276: Points 1269 (cluster 3275) and 1276 (cluster 1276) connect at weight=234.0
2025-04-09 19:04:12.376 | DEBUG    | __main__:<module>:20 - Iteration 1277: Points 1281 (cluster 1281) and 1282 (cluster 1282) connect at weight=233.0
2025-04-09 19:04:12.376 | DEBUG    | __main__:<module>:20 - Iteration 1278: Points 1224 (cluster 3276) and 1280 (cluster 1280) connect at weight=233.0
2025-04-09 19:04:12.377 | DEBUG    | __main__:<module>:20 - Iteration 1279: Points 1221 (cluster 3278) and 1281 (cluster 3277) connect at weight=233.0
2025-04-09 19:04:12.377 | DEBUG    | __main__:<module>:20 - Iteration 1280: Points 1267 (cluster 3279) and 1284 (cluster 1284) connect at weight=232.0
2025-04-09 19:04:12.377 | DEBUG    | __main__:<module>:20 - Iteration 1281: Points 1236 (cluster 3280) and 1286 (cluster 1286) connect at weight=232.0
2025-04-09 19:04:12.377 | DEBUG    | __main__:<module>:20 - Iteration 1282: Points 1285 (cluster 1285) and 1265 (cluster 3281) connect at weight=231.0
2025-04-09 19:04:12.377 | DEBUG    | __main__:<module>:20 - Iteration 1283: Points 1268 (cluster 3282) and 1287 (cluster 1287) connect at weight=230.0
2025-04-09 19:04:12.378 | DEBUG    | __main__:<module>:20 - Iteration 1284: Points 1192 (cluster 3283) and 1283 (cluster 1283) connect at weight=230.0
2025-04-09 19:04:12.378 | DEBUG    | __main__:<module>:20 - Iteration 1285: Points 1149 (cluster 3284) and 1288 (cluster 1288) connect at weight=229.0
2025-04-09 19:04:12.378 | DEBUG    | __main__:<module>:20 - Iteration 1286: Points 1289 (cluster 1289) and 1285 (cluster 3285) connect at weight=228.0
2025-04-09 19:04:12.378 | DEBUG    | __main__:<module>:20 - Iteration 1287: Points 1253 (cluster 3270) and 1274 (cluster 1274) connect at weight=227.0
2025-04-09 19:04:12.378 | DEBUG    | __main__:<module>:20 - Iteration 1288: Points 1240 (cluster 3286) and 1290 (cluster 1290) connect at weight=227.0
2025-04-09 19:04:12.380 | DEBUG    | __main__:<module>:20 - Iteration 1289: Points 1255 (cluster 3288) and 1292 (cluster 1292) connect at weight=223.0
2025-04-09 19:04:12.380 | DEBUG    | __main__:<module>:20 - Iteration 1290: Points 1192 (cluster 3289) and 1293 (cluster 1293) connect at weight=220.0
2025-04-09 19:04:12.380 | DEBUG    | __main__:<module>:20 - Iteration 1291: Points 1267 (cluster 3290) and 1295 (cluster 1295) connect at weight=217.0
2025-04-09 19:04:12.380 | DEBUG    | __main__:<module>:20 - Iteration 1292: Points 1264 (cluster 3291) and 1297 (cluster 1297) connect at weight=215.0
2025-04-09 19:04:12.380 | DEBUG    | __main__:<module>:20 - Iteration 1293: Points 1258 (cluster 3292) and 1296 (cluster 1296) connect at weight=215.0
2025-04-09 19:04:12.380 | DEBUG    | __main__:<module>:20 - Iteration 1294: Points 1222 (cluster 3293) and 1294 (cluster 1294) connect at weight=215.0
2025-04-09 19:04:12.381 | DEBUG    | __main__:<module>:20 - Iteration 1295: Points 1055 (cluster 3287) and 1298 (cluster 1298) connect at weight=215.0
2025-04-09 19:04:12.381 | DEBUG    | __main__:<module>:20 - Iteration 1296: Points 1204 (cluster 3294) and 1299 (cluster 1299) connect at weight=211.0
2025-04-09 19:04:12.381 | DEBUG    | __main__:<module>:20 - Iteration 1297: Points 1274 (cluster 3295) and 1300 (cluster 1300) connect at weight=210.0
2025-04-09 19:04:12.382 | DEBUG    | __main__:<module>:20 - Iteration 1298: Points 907 (cluster 3297) and 1291 (cluster 1291) connect at weight=210.0
2025-04-09 19:04:12.382 | DEBUG    | __main__:<module>:20 - Iteration 1299: Points 1137 (cluster 3296) and 1301 (cluster 1301) connect at weight=208.0
2025-04-09 19:04:12.382 | DEBUG    | __main__:<module>:20 - Iteration 1300: Points 1209 (cluster 3299) and 1302 (cluster 1302) connect at weight=207.0
2025-04-09 19:04:12.382 | DEBUG    | __main__:<module>:20 - Iteration 1301: Points 1287 (cluster 3300) and 1303 (cluster 1303) connect at weight=206.0
2025-04-09 19:04:12.383 | DEBUG    | __main__:<module>:20 - Iteration 1302: Points 1242 (cluster 3301) and 1305 (cluster 1305) connect at weight=205.0
2025-04-09 19:04:12.383 | DEBUG    | __main__:<module>:20 - Iteration 1303: Points 1233 (cluster 3302) and 1304 (cluster 1304) connect at weight=204.0
2025-04-09 19:04:12.384 | DEBUG    | __main__:<module>:20 - Iteration 1304: Points 1279 (cluster 3303) and 1308 (cluster 1308) connect at weight=202.0
2025-04-09 19:04:12.384 | DEBUG    | __main__:<module>:20 - Iteration 1305: Points 1255 (cluster 3304) and 1307 (cluster 1307) connect at weight=201.0
2025-04-09 19:04:12.384 | DEBUG    | __main__:<module>:20 - Iteration 1306: Points 1294 (cluster 3305) and 1309 (cluster 1309) connect at weight=200.0
2025-04-09 19:04:12.384 | DEBUG    | __main__:<module>:20 - Iteration 1307: Points 815 (cluster 3298) and 1306 (cluster 1306) connect at weight=196.0
2025-04-09 19:04:12.384 | DEBUG    | __main__:<module>:20 - Iteration 1308: Points 1304 (cluster 3306) and 1311 (cluster 1311) connect at weight=193.0
2025-04-09 19:04:12.385 | DEBUG    | __main__:<module>:20 - Iteration 1309: Points 1270 (cluster 3308) and 1312 (cluster 1312) connect at weight=190.0
2025-04-09 19:04:12.385 | DEBUG    | __main__:<module>:20 - Iteration 1310: Points 1276 (cluster 3309) and 1313 (cluster 1313) connect at weight=188.0
2025-04-09 19:04:12.385 | DEBUG    | __main__:<module>:20 - Iteration 1311: Points 1310 (cluster 1310) and 1289 (cluster 3310) connect at weight=187.0
2025-04-09 19:04:12.385 | DEBUG    | __main__:<module>:20 - Iteration 1312: Points 1245 (cluster 3311) and 1314 (cluster 1314) connect at weight=185.0
2025-04-09 19:04:12.385 | DEBUG    | __main__:<module>:20 - Iteration 1313: Points 1287 (cluster 3312) and 1315 (cluster 1315) connect at weight=184.0
2025-04-09 19:04:12.386 | DEBUG    | __main__:<module>:20 - Iteration 1314: Points 1279 (cluster 3313) and 1316 (cluster 1316) connect at weight=183.0
2025-04-09 19:04:12.386 | DEBUG    | __main__:<module>:20 - Iteration 1315: Points 1317 (cluster 1317) and 1310 (cluster 3314) connect at weight=180.0
2025-04-09 19:04:12.386 | DEBUG    | __main__:<module>:20 - Iteration 1316: Points 1318 (cluster 1318) and 1319 (cluster 1319) connect at weight=179.0
2025-04-09 19:04:12.386 | DEBUG    | __main__:<module>:20 - Iteration 1317: Points 1279 (cluster 3315) and 1321 (cluster 1321) connect at weight=179.0
2025-04-09 19:04:12.387 | DEBUG    | __main__:<module>:20 - Iteration 1318: Points 1322 (cluster 1322) and 1320 (cluster 1320) connect at weight=178.0
2025-04-09 19:04:12.387 | DEBUG    | __main__:<module>:20 - Iteration 1319: Points 1320 (cluster 3318) and 1318 (cluster 3316) connect at weight=178.0
2025-04-09 19:04:12.388 | DEBUG    | __main__:<module>:20 - Iteration 1320: Points 1294 (cluster 3317) and 1323 (cluster 1323) connect at weight=178.0
2025-04-09 19:04:12.388 | DEBUG    | __main__:<module>:20 - Iteration 1321: Points 1329 (cluster 1329) and 1328 (cluster 1328) connect at weight=176.0
2025-04-09 19:04:12.388 | DEBUG    | __main__:<module>:20 - Iteration 1322: Points 1276 (cluster 3320) and 1324 (cluster 1324) connect at weight=175.0
2025-04-09 19:04:12.388 | DEBUG    | __main__:<module>:20 - Iteration 1323: Points 1252 (cluster 3322) and 1334 (cluster 1334) connect at weight=175.0
2025-04-09 19:04:12.388 | DEBUG    | __main__:<module>:20 - Iteration 1324: Points 1222 (cluster 3323) and 1329 (cluster 3321) connect at weight=175.0
2025-04-09 19:04:12.389 | DEBUG    | __main__:<module>:20 - Iteration 1325: Points 1343 (cluster 1343) and 1341 (cluster 1341) connect at weight=174.0
2025-04-09 19:04:12.389 | DEBUG    | __main__:<module>:20 - Iteration 1326: Points 1326 (cluster 1326) and 1330 (cluster 1330) connect at weight=173.0
2025-04-09 19:04:12.389 | DEBUG    | __main__:<module>:20 - Iteration 1327: Points 1319 (cluster 3319) and 1331 (cluster 1331) connect at weight=173.0
2025-04-09 19:04:12.389 | DEBUG    | __main__:<module>:20 - Iteration 1328: Points 1319 (cluster 3327) and 1325 (cluster 1325) connect at weight=173.0
2025-04-09 19:04:12.389 | DEBUG    | __main__:<module>:20 - Iteration 1329: Points 1282 (cluster 3324) and 1337 (cluster 1337) connect at weight=173.0
2025-04-09 19:04:12.390 | DEBUG    | __main__:<module>:20 - Iteration 1330: Points 1339 (cluster 1339) and 1322 (cluster 3328) connect at weight=172.0
2025-04-09 19:04:12.390 | DEBUG    | __main__:<module>:20 - Iteration 1331: Points 1302 (cluster 3329) and 1332 (cluster 1332) connect at weight=172.0
2025-04-09 19:04:12.390 | DEBUG    | __main__:<module>:20 - Iteration 1332: Points 1357 (cluster 1357) and 1345 (cluster 1345) connect at weight=171.0
2025-04-09 19:04:12.390 | DEBUG    | __main__:<module>:20 - Iteration 1333: Points 1346 (cluster 1346) and 1343 (cluster 3325) connect at weight=171.0
2025-04-09 19:04:12.390 | DEBUG    | __main__:<module>:20 - Iteration 1334: Points 1338 (cluster 1338) and 1327 (cluster 1327) connect at weight=171.0
2025-04-09 19:04:12.391 | DEBUG    | __main__:<module>:20 - Iteration 1335: Points 1336 (cluster 1336) and 1354 (cluster 1354) connect at weight=171.0
2025-04-09 19:04:12.391 | DEBUG    | __main__:<module>:20 - Iteration 1336: Points 1338 (cluster 3334) and 1336 (cluster 3335) connect at weight=170.0
2025-04-09 19:04:12.392 | DEBUG    | __main__:<module>:20 - Iteration 1337: Points 1336 (cluster 3336) and 1356 (cluster 1356) connect at weight=170.0
2025-04-09 19:04:12.392 | DEBUG    | __main__:<module>:20 - Iteration 1338: Points 1256 (cluster 3331) and 1359 (cluster 1359) connect at weight=170.0
2025-04-09 19:04:12.392 | DEBUG    | __main__:<module>:20 - Iteration 1339: Points 1347 (cluster 1347) and 1346 (cluster 3333) connect at weight=169.0
2025-04-09 19:04:12.392 | DEBUG    | __main__:<module>:20 - Iteration 1340: Points 1342 (cluster 1342) and 1348 (cluster 1348) connect at weight=169.0
2025-04-09 19:04:12.392 | DEBUG    | __main__:<module>:20 - Iteration 1341: Points 1330 (cluster 3326) and 1360 (cluster 1360) connect at weight=169.0
2025-04-09 19:04:12.393 | DEBUG    | __main__:<module>:20 - Iteration 1342: Points 1307 (cluster 3338) and 1372 (cluster 1372) connect at weight=169.0
2025-04-09 19:04:12.393 | DEBUG    | __main__:<module>:20 - Iteration 1343: Points 1368 (cluster 1368) and 1379 (cluster 1379) connect at weight=168.0
2025-04-09 19:04:12.393 | DEBUG    | __main__:<module>:20 - Iteration 1344: Points 1364 (cluster 1364) and 1375 (cluster 1375) connect at weight=168.0
2025-04-09 19:04:12.393 | DEBUG    | __main__:<module>:20 - Iteration 1345: Points 1344 (cluster 1344) and 1353 (cluster 1353) connect at weight=168.0
2025-04-09 19:04:12.393 | DEBUG    | __main__:<module>:20 - Iteration 1346: Points 1331 (cluster 3330) and 1326 (cluster 3341) connect at weight=168.0
2025-04-09 19:04:12.394 | DEBUG    | __main__:<module>:20 - Iteration 1347: Points 1385 (cluster 1385) and 1380 (cluster 1380) connect at weight=167.0
2025-04-09 19:04:12.394 | DEBUG    | __main__:<module>:20 - Iteration 1348: Points 1383 (cluster 1383) and 1382 (cluster 1382) connect at weight=167.0
2025-04-09 19:04:12.394 | DEBUG    | __main__:<module>:20 - Iteration 1349: Points 1374 (cluster 1374) and 1376 (cluster 1376) connect at weight=167.0
2025-04-09 19:04:12.395 | DEBUG    | __main__:<module>:20 - Iteration 1350: Points 1349 (cluster 1349) and 1361 (cluster 1361) connect at weight=167.0
2025-04-09 19:04:12.395 | DEBUG    | __main__:<module>:20 - Iteration 1351: Points 1339 (cluster 3346) and 1368 (cluster 3343) connect at weight=167.0
2025-04-09 19:04:12.395 | DEBUG    | __main__:<module>:20 - Iteration 1352: Points 1337 (cluster 3342) and 1378 (cluster 1378) connect at weight=167.0
2025-04-09 19:04:12.395 | DEBUG    | __main__:<module>:20 - Iteration 1353: Points 1273 (cluster 3352) and 1381 (cluster 1381) connect at weight=167.0
2025-04-09 19:04:12.396 | DEBUG    | __main__:<module>:20 - Iteration 1354: Points 1377 (cluster 1377) and 1383 (cluster 3348) connect at weight=166.0
2025-04-09 19:04:12.396 | DEBUG    | __main__:<module>:20 - Iteration 1355: Points 1360 (cluster 3351) and 1351 (cluster 1351) connect at weight=166.0
2025-04-09 19:04:12.396 | DEBUG    | __main__:<module>:20 - Iteration 1356: Points 1349 (cluster 3350) and 1386 (cluster 1386) connect at weight=166.0
2025-04-09 19:04:12.396 | DEBUG    | __main__:<module>:20 - Iteration 1357: Points 1320 (cluster 3355) and 1333 (cluster 1333) connect at weight=166.0
2025-04-09 19:04:12.396 | DEBUG    | __main__:<module>:20 - Iteration 1358: Points 1307 (cluster 3353) and 1391 (cluster 1391) connect at weight=166.0
2025-04-09 19:04:12.397 | DEBUG    | __main__:<module>:20 - Iteration 1359: Points 1296 (cluster 3358) and 1392 (cluster 1392) connect at weight=166.0
2025-04-09 19:04:12.397 | DEBUG    | __main__:<module>:20 - Iteration 1360: Points 1388 (cluster 1388) and 1367 (cluster 1367) connect at weight=165.0
2025-04-09 19:04:12.397 | DEBUG    | __main__:<module>:20 - Iteration 1361: Points 1365 (cluster 1365) and 1349 (cluster 3356) connect at weight=165.0
2025-04-09 19:04:12.397 | DEBUG    | __main__:<module>:20 - Iteration 1362: Points 1364 (cluster 3344) and 1362 (cluster 1362) connect at weight=165.0
2025-04-09 19:04:12.397 | DEBUG    | __main__:<module>:20 - Iteration 1363: Points 1240 (cluster 3359) and 1389 (cluster 1389) connect at weight=165.0
2025-04-09 19:04:12.398 | DEBUG    | __main__:<module>:20 - Iteration 1364: Points 1377 (cluster 3354) and 1342 (cluster 3340) connect at weight=164.0
2025-04-09 19:04:12.398 | DEBUG    | __main__:<module>:20 - Iteration 1365: Points 1369 (cluster 1369) and 1370 (cluster 1370) connect at weight=164.0
2025-04-09 19:04:12.398 | DEBUG    | __main__:<module>:20 - Iteration 1366: Points 1323 (cluster 3363) and 1401 (cluster 1401) connect at weight=164.0
2025-04-09 19:04:12.398 | DEBUG    | __main__:<module>:20 - Iteration 1367: Points 1354 (cluster 3337) and 1373 (cluster 1373) connect at weight=163.0
2025-04-09 19:04:12.398 | DEBUG    | __main__:<module>:20 - Iteration 1368: Points 1351 (cluster 3357) and 1355 (cluster 1355) connect at weight=163.0
2025-04-09 19:04:12.399 | DEBUG    | __main__:<module>:20 - Iteration 1369: Points 1416 (cluster 1416) and 1415 (cluster 1415) connect at weight=162.0
2025-04-09 19:04:12.399 | DEBUG    | __main__:<module>:20 - Iteration 1370: Points 1411 (cluster 1411) and 1405 (cluster 1405) connect at weight=162.0
2025-04-09 19:04:12.400 | DEBUG    | __main__:<module>:20 - Iteration 1371: Points 1387 (cluster 1387) and 1414 (cluster 1414) connect at weight=162.0
2025-04-09 19:04:12.400 | DEBUG    | __main__:<module>:20 - Iteration 1372: Points 1351 (cluster 3368) and 1393 (cluster 1393) connect at weight=162.0
2025-04-09 19:04:12.400 | DEBUG    | __main__:<module>:20 - Iteration 1373: Points 1345 (cluster 3332) and 1363 (cluster 1363) connect at weight=162.0
2025-04-09 19:04:12.400 | DEBUG    | __main__:<module>:20 - Iteration 1374: Points 1327 (cluster 3367) and 1364 (cluster 3362) connect at weight=162.0
2025-04-09 19:04:12.400 | DEBUG    | __main__:<module>:20 - Iteration 1375: Points 1406 (cluster 1406) and 1418 (cluster 1418) connect at weight=161.0
2025-04-09 19:04:12.401 | DEBUG    | __main__:<module>:20 - Iteration 1376: Points 1395 (cluster 1395) and 1398 (cluster 1398) connect at weight=161.0
2025-04-09 19:04:12.401 | DEBUG    | __main__:<module>:20 - Iteration 1377: Points 1386 (cluster 3361) and 1397 (cluster 1397) connect at weight=161.0
2025-04-09 19:04:12.401 | DEBUG    | __main__:<module>:20 - Iteration 1378: Points 1375 (cluster 3374) and 1344 (cluster 3345) connect at weight=161.0
2025-04-09 19:04:12.401 | DEBUG    | __main__:<module>:20 - Iteration 1379: Points 1367 (cluster 3360) and 1396 (cluster 1396) connect at weight=161.0
2025-04-09 19:04:12.401 | DEBUG    | __main__:<module>:20 - Iteration 1380: Points 1366 (cluster 1366) and 1404 (cluster 1404) connect at weight=161.0
2025-04-09 19:04:12.401 | DEBUG    | __main__:<module>:20 - Iteration 1381: Points 1362 (cluster 3378) and 1365 (cluster 3377) connect at weight=161.0
2025-04-09 19:04:12.402 | DEBUG    | __main__:<module>:20 - Iteration 1382: Points 1352 (cluster 1352) and 1388 (cluster 3379) connect at weight=161.0
2025-04-09 19:04:12.402 | DEBUG    | __main__:<module>:20 - Iteration 1383: Points 1343 (cluster 3339) and 1335 (cluster 1335) connect at weight=161.0
2025-04-09 19:04:12.402 | DEBUG    | __main__:<module>:20 - Iteration 1384: Points 1396 (cluster 3382) and 1385 (cluster 3347) connect at weight=160.0
2025-04-09 19:04:12.402 | DEBUG    | __main__:<module>:20 - Iteration 1385: Points 1385 (cluster 3384) and 1357 (cluster 3373) connect at weight=160.0
2025-04-09 19:04:12.402 | DEBUG    | __main__:<module>:20 - Iteration 1386: Points 1374 (cluster 3349) and 1402 (cluster 1402) connect at weight=160.0
2025-04-09 19:04:12.403 | DEBUG    | __main__:<module>:20 - Iteration 1387: Points 1371 (cluster 1371) and 1395 (cluster 3376) connect at weight=160.0
2025-04-09 19:04:12.403 | DEBUG    | __main__:<module>:20 - Iteration 1388: Points 1350 (cluster 1350) and 1374 (cluster 3386) connect at weight=160.0
2025-04-09 19:04:12.403 | DEBUG    | __main__:<module>:20 - Iteration 1389: Points 1340 (cluster 1340) and 1352 (cluster 3385) connect at weight=160.0
2025-04-09 19:04:12.403 | DEBUG    | __main__:<module>:20 - Iteration 1390: Points 1335 (cluster 3383) and 1350 (cluster 3388) connect at weight=160.0
2025-04-09 19:04:12.403 | DEBUG    | __main__:<module>:20 - Iteration 1391: Points 1333 (cluster 3372) and 1347 (cluster 3390) connect at weight=160.0
2025-04-09 19:04:12.403 | DEBUG    | __main__:<module>:20 - Iteration 1392: Points 1390 (cluster 1390) and 1394 (cluster 1394) connect at weight=159.0
2025-04-09 19:04:12.404 | DEBUG    | __main__:<module>:20 - Iteration 1393: Points 1371 (cluster 3387) and 1390 (cluster 3392) connect at weight=159.0
2025-04-09 19:04:12.404 | DEBUG    | __main__:<module>:20 - Iteration 1394: Points 1362 (cluster 3381) and 1377 (cluster 3364) connect at weight=159.0
2025-04-09 19:04:12.404 | DEBUG    | __main__:<module>:20 - Iteration 1395: Points 1355 (cluster 3391) and 1410 (cluster 1410) connect at weight=159.0
2025-04-09 19:04:12.404 | DEBUG    | __main__:<module>:20 - Iteration 1396: Points 1353 (cluster 3394) and 1340 (cluster 3389) connect at weight=159.0
2025-04-09 19:04:12.404 | DEBUG    | __main__:<module>:20 - Iteration 1397: Points 1344 (cluster 3396) and 1358 (cluster 1358) connect at weight=159.0
2025-04-09 19:04:12.404 | DEBUG    | __main__:<module>:20 - Iteration 1398: Points 1342 (cluster 3397) and 1387 (cluster 3371) connect at weight=159.0
2025-04-09 19:04:12.405 | DEBUG    | __main__:<module>:20 - Iteration 1399: Points 1420 (cluster 1420) and 1427 (cluster 1427) connect at weight=158.0
2025-04-09 19:04:12.405 | DEBUG    | __main__:<module>:20 - Iteration 1400: Points 1353 (cluster 3398) and 1384 (cluster 1384) connect at weight=158.0
2025-04-09 19:04:12.405 | DEBUG    | __main__:<module>:20 - Iteration 1401: Points 1343 (cluster 3395) and 1408 (cluster 1408) connect at weight=158.0
2025-04-09 19:04:12.405 | DEBUG    | __main__:<module>:20 - Iteration 1402: Points 1331 (cluster 3401) and 1338 (cluster 3400) connect at weight=158.0
2025-04-09 19:04:12.405 | DEBUG    | __main__:<module>:20 - Iteration 1403: Points 1408 (cluster 3402) and 1424 (cluster 1424) connect at weight=157.0
2025-04-09 19:04:12.406 | DEBUG    | __main__:<module>:20 - Iteration 1404: Points 1394 (cluster 3393) and 1406 (cluster 3375) connect at weight=157.0
2025-04-09 19:04:12.406 | DEBUG    | __main__:<module>:20 - Iteration 1405: Points 1361 (cluster 3403) and 1399 (cluster 1399) connect at weight=157.0
2025-04-09 19:04:12.406 | DEBUG    | __main__:<module>:20 - Iteration 1406: Points 1426 (cluster 1426) and 1430 (cluster 1430) connect at weight=156.0
2025-04-09 19:04:12.406 | DEBUG    | __main__:<module>:20 - Iteration 1407: Points 1420 (cluster 3399) and 1409 (cluster 1409) connect at weight=156.0
2025-04-09 19:04:12.406 | DEBUG    | __main__:<module>:20 - Iteration 1408: Points 1418 (cluster 3404) and 1436 (cluster 1436) connect at weight=156.0
2025-04-09 19:04:12.407 | DEBUG    | __main__:<module>:20 - Iteration 1409: Points 1403 (cluster 1403) and 1369 (cluster 3365) connect at weight=156.0
2025-04-09 19:04:12.407 | DEBUG    | __main__:<module>:20 - Iteration 1410: Points 1397 (cluster 3405) and 1419 (cluster 1419) connect at weight=156.0
2025-04-09 19:04:12.407 | DEBUG    | __main__:<module>:20 - Iteration 1411: Points 1396 (cluster 3410) and 1400 (cluster 1400) connect at weight=156.0
2025-04-09 19:04:12.407 | DEBUG    | __main__:<module>:20 - Iteration 1412: Points 1394 (cluster 3408) and 1413 (cluster 1413) connect at weight=156.0
2025-04-09 19:04:12.407 | DEBUG    | __main__:<module>:20 - Iteration 1413: Points 1367 (cluster 3411) and 1403 (cluster 3409) connect at weight=156.0
2025-04-09 19:04:12.408 | DEBUG    | __main__:<module>:20 - Iteration 1414: Points 1366 (cluster 3380) and 1407 (cluster 1407) connect at weight=156.0
2025-04-09 19:04:12.408 | DEBUG    | __main__:<module>:20 - Iteration 1415: Points 1418 (cluster 3412) and 1435 (cluster 1435) connect at weight=155.0
2025-04-09 19:04:12.408 | DEBUG    | __main__:<module>:20 - Iteration 1416: Points 1410 (cluster 3413) and 1423 (cluster 1423) connect at weight=155.0
2025-04-09 19:04:12.408 | DEBUG    | __main__:<module>:20 - Iteration 1417: Points 1408 (cluster 3416) and 1417 (cluster 1417) connect at weight=155.0
2025-04-09 19:04:12.408 | DEBUG    | __main__:<module>:20 - Iteration 1418: Points 1370 (cluster 3417) and 1371 (cluster 3415) connect at weight=155.0
2025-04-09 19:04:12.408 | DEBUG    | __main__:<module>:20 - Iteration 1419: Points 1438 (cluster 1438) and 1440 (cluster 1440) connect at weight=154.0
2025-04-09 19:04:12.409 | DEBUG    | __main__:<module>:20 - Iteration 1420: Points 1428 (cluster 1428) and 1439 (cluster 1439) connect at weight=154.0
2025-04-09 19:04:12.409 | DEBUG    | __main__:<module>:20 - Iteration 1421: Points 1400 (cluster 3418) and 1428 (cluster 3420) connect at weight=154.0
2025-04-09 19:04:12.409 | DEBUG    | __main__:<module>:20 - Iteration 1422: Points 1303 (cluster 3366) and 1452 (cluster 1452) connect at weight=154.0
2025-04-09 19:04:12.409 | DEBUG    | __main__:<module>:20 - Iteration 1423: Points 1443 (cluster 1443) and 1426 (cluster 3406) connect at weight=153.0
2025-04-09 19:04:12.409 | DEBUG    | __main__:<module>:20 - Iteration 1424: Points 1433 (cluster 1433) and 1444 (cluster 1444) connect at weight=153.0
2025-04-09 19:04:12.410 | DEBUG    | __main__:<module>:20 - Iteration 1425: Points 1421 (cluster 1421) and 1412 (cluster 1412) connect at weight=153.0
2025-04-09 19:04:12.410 | DEBUG    | __main__:<module>:20 - Iteration 1426: Points 1402 (cluster 3421) and 1411 (cluster 3370) connect at weight=153.0
2025-04-09 19:04:12.410 | DEBUG    | __main__:<module>:20 - Iteration 1427: Points 1363 (cluster 3426) and 1437 (cluster 1437) connect at weight=153.0
2025-04-09 19:04:12.410 | DEBUG    | __main__:<module>:20 - Iteration 1428: Points 1457 (cluster 1457) and 1463 (cluster 1463) connect at weight=152.0
2025-04-09 19:04:12.410 | DEBUG    | __main__:<module>:20 - Iteration 1429: Points 1440 (cluster 3419) and 1449 (cluster 1449) connect at weight=152.0
2025-04-09 19:04:12.410 | DEBUG    | __main__:<module>:20 - Iteration 1430: Points 1416 (cluster 3369) and 1420 (cluster 3407) connect at weight=152.0
2025-04-09 19:04:12.411 | DEBUG    | __main__:<module>:20 - Iteration 1431: Points 1409 (cluster 3430) and 1429 (cluster 1429) connect at weight=152.0
2025-04-09 19:04:12.411 | DEBUG    | __main__:<module>:20 - Iteration 1432: Points 1315 (cluster 3422) and 1464 (cluster 1464) connect at weight=152.0
2025-04-09 19:04:12.411 | DEBUG    | __main__:<module>:20 - Iteration 1433: Points 1457 (cluster 3428) and 1471 (cluster 1471) connect at weight=151.0
2025-04-09 19:04:12.411 | DEBUG    | __main__:<module>:20 - Iteration 1434: Points 1450 (cluster 1450) and 1443 (cluster 3423) connect at weight=151.0
2025-04-09 19:04:12.411 | DEBUG    | __main__:<module>:20 - Iteration 1435: Points 1449 (cluster 3429) and 1433 (cluster 3424) connect at weight=151.0
2025-04-09 19:04:12.412 | DEBUG    | __main__:<module>:20 - Iteration 1436: Points 1431 (cluster 1431) and 1460 (cluster 1460) connect at weight=151.0
2025-04-09 19:04:12.412 | DEBUG    | __main__:<module>:20 - Iteration 1437: Points 1422 (cluster 1422) and 1446 (cluster 1446) connect at weight=151.0
2025-04-09 19:04:12.412 | DEBUG    | __main__:<module>:20 - Iteration 1438: Points 1417 (cluster 3427) and 1434 (cluster 1434) connect at weight=151.0
2025-04-09 19:04:12.412 | DEBUG    | __main__:<module>:20 - Iteration 1439: Points 1363 (cluster 3438) and 1366 (cluster 3414) connect at weight=151.0
2025-04-09 19:04:12.412 | DEBUG    | __main__:<module>:20 - Iteration 1440: Points 1288 (cluster 3432) and 1469 (cluster 1469) connect at weight=151.0
2025-04-09 19:04:12.412 | DEBUG    | __main__:<module>:20 - Iteration 1441: Points 1456 (cluster 1456) and 1421 (cluster 3425) connect at weight=150.0
2025-04-09 19:04:12.413 | DEBUG    | __main__:<module>:20 - Iteration 1442: Points 1446 (cluster 3437) and 1445 (cluster 1445) connect at weight=150.0
2025-04-09 19:04:12.413 | DEBUG    | __main__:<module>:20 - Iteration 1443: Points 1473 (cluster 1473) and 1462 (cluster 1462) connect at weight=149.0
2025-04-09 19:04:12.413 | DEBUG    | __main__:<module>:20 - Iteration 1444: Points 1459 (cluster 1459) and 1456 (cluster 3441) connect at weight=149.0
2025-04-09 19:04:12.413 | DEBUG    | __main__:<module>:20 - Iteration 1445: Points 1447 (cluster 1447) and 1455 (cluster 1455) connect at weight=149.0
2025-04-09 19:04:12.413 | DEBUG    | __main__:<module>:20 - Iteration 1446: Points 1437 (cluster 3439) and 1458 (cluster 1458) connect at weight=149.0
2025-04-09 19:04:12.414 | DEBUG    | __main__:<module>:20 - Iteration 1447: Points 1412 (cluster 3444) and 1450 (cluster 3434) connect at weight=149.0
2025-04-09 19:04:12.414 | DEBUG    | __main__:<module>:20 - Iteration 1448: Points 1407 (cluster 3446) and 1431 (cluster 3436) connect at weight=149.0
2025-04-09 19:04:12.414 | DEBUG    | __main__:<module>:20 - Iteration 1449: Points 1405 (cluster 3448) and 1448 (cluster 1448) connect at weight=149.0
2025-04-09 19:04:12.414 | DEBUG    | __main__:<module>:20 - Iteration 1450: Points 1403 (cluster 3449) and 1422 (cluster 3442) connect at weight=149.0
2025-04-09 19:04:12.414 | DEBUG    | __main__:<module>:20 - Iteration 1451: Points 1434 (cluster 3450) and 1442 (cluster 1442) connect at weight=148.0
2025-04-09 19:04:12.415 | DEBUG    | __main__:<module>:20 - Iteration 1452: Points 1431 (cluster 3451) and 1447 (cluster 3445) connect at weight=148.0
2025-04-09 19:04:12.415 | DEBUG    | __main__:<module>:20 - Iteration 1453: Points 1423 (cluster 3452) and 1438 (cluster 3435) connect at weight=148.0
2025-04-09 19:04:12.415 | DEBUG    | __main__:<module>:20 - Iteration 1454: Points 1335 (cluster 3453) and 1416 (cluster 3431) connect at weight=148.0
2025-04-09 19:04:12.415 | DEBUG    | __main__:<module>:20 - Iteration 1455: Points 1297 (cluster 3440) and 1480 (cluster 1480) connect at weight=148.0
2025-04-09 19:04:12.415 | DEBUG    | __main__:<module>:20 - Iteration 1456: Points 1479 (cluster 1479) and 1481 (cluster 1481) connect at weight=147.0
2025-04-09 19:04:12.415 | DEBUG    | __main__:<module>:20 - Iteration 1457: Points 1451 (cluster 1451) and 1476 (cluster 1476) connect at weight=147.0
2025-04-09 19:04:12.416 | DEBUG    | __main__:<module>:20 - Iteration 1458: Points 1448 (cluster 3454) and 1467 (cluster 1467) connect at weight=147.0
2025-04-09 19:04:12.416 | DEBUG    | __main__:<module>:20 - Iteration 1459: Points 1436 (cluster 3458) and 1454 (cluster 1454) connect at weight=147.0
2025-04-09 19:04:12.416 | DEBUG    | __main__:<module>:20 - Iteration 1460: Points 1431 (cluster 3459) and 1473 (cluster 3443) connect at weight=147.0
2025-04-09 19:04:12.416 | DEBUG    | __main__:<module>:20 - Iteration 1461: Points 1446 (cluster 3460) and 1472 (cluster 1472) connect at weight=146.0
2025-04-09 19:04:12.416 | DEBUG    | __main__:<module>:20 - Iteration 1462: Points 1432 (cluster 1432) and 1317 (cluster 3455) connect at weight=146.0
2025-04-09 19:04:12.416 | DEBUG    | __main__:<module>:20 - Iteration 1463: Points 1412 (cluster 3447) and 1339 (cluster 3461) connect at weight=146.0
2025-04-09 19:04:12.417 | DEBUG    | __main__:<module>:20 - Iteration 1464: Points 1406 (cluster 3463) and 1425 (cluster 1425) connect at weight=146.0
2025-04-09 19:04:12.417 | DEBUG    | __main__:<module>:20 - Iteration 1465: Points 1481 (cluster 3456) and 1490 (cluster 1490) connect at weight=145.0
2025-04-09 19:04:12.417 | DEBUG    | __main__:<module>:20 - Iteration 1466: Points 1478 (cluster 1478) and 1475 (cluster 1475) connect at weight=145.0
2025-04-09 19:04:12.417 | DEBUG    | __main__:<module>:20 - Iteration 1467: Points 1465 (cluster 1465) and 1483 (cluster 1483) connect at weight=145.0
2025-04-09 19:04:12.417 | DEBUG    | __main__:<module>:20 - Iteration 1468: Points 1454 (cluster 3464) and 1441 (cluster 1441) connect at weight=145.0
2025-04-09 19:04:12.418 | DEBUG    | __main__:<module>:20 - Iteration 1469: Points 1441 (cluster 3468) and 1468 (cluster 1468) connect at weight=145.0
2025-04-09 19:04:12.418 | DEBUG    | __main__:<module>:20 - Iteration 1470: Points 1439 (cluster 3469) and 1457 (cluster 3433) connect at weight=145.0
2025-04-09 19:04:12.418 | DEBUG    | __main__:<module>:20 - Iteration 1471: Points 1477 (cluster 1477) and 1470 (cluster 1470) connect at weight=144.0
2025-04-09 19:04:12.418 | DEBUG    | __main__:<module>:20 - Iteration 1472: Points 1441 (cluster 3470) and 1477 (cluster 3471) connect at weight=144.0
2025-04-09 19:04:12.418 | DEBUG    | __main__:<module>:20 - Iteration 1473: Points 1429 (cluster 3472) and 1478 (cluster 3466) connect at weight=144.0
2025-04-09 19:04:12.419 | DEBUG    | __main__:<module>:20 - Iteration 1474: Points 1350 (cluster 3473) and 1451 (cluster 3457) connect at weight=144.0
2025-04-09 19:04:12.419 | DEBUG    | __main__:<module>:20 - Iteration 1475: Points 1488 (cluster 1488) and 1498 (cluster 1498) connect at weight=142.0
2025-04-09 19:04:12.419 | DEBUG    | __main__:<module>:20 - Iteration 1476: Points 1463 (cluster 3474) and 1487 (cluster 1487) connect at weight=142.0
2025-04-09 19:04:12.419 | DEBUG    | __main__:<module>:20 - Iteration 1477: Points 1453 (cluster 1453) and 1486 (cluster 1486) connect at weight=142.0
2025-04-09 19:04:12.419 | DEBUG    | __main__:<module>:20 - Iteration 1478: Points 1453 (cluster 3477) and 1479 (cluster 3465) connect at weight=142.0
2025-04-09 19:04:12.419 | DEBUG    | __main__:<module>:20 - Iteration 1479: Points 1427 (cluster 3476) and 1453 (cluster 3478) connect at weight=142.0
2025-04-09 19:04:12.420 | DEBUG    | __main__:<module>:20 - Iteration 1480: Points 1404 (cluster 3479) and 1494 (cluster 1494) connect at weight=142.0
2025-04-09 19:04:12.420 | DEBUG    | __main__:<module>:20 - Iteration 1481: Points 1471 (cluster 3480) and 1489 (cluster 1489) connect at weight=141.0
2025-04-09 19:04:12.420 | DEBUG    | __main__:<module>:20 - Iteration 1482: Points 1455 (cluster 3481) and 1466 (cluster 1466) connect at weight=141.0
2025-04-09 19:04:12.420 | DEBUG    | __main__:<module>:20 - Iteration 1483: Points 1404 (cluster 3482) and 1488 (cluster 3475) connect at weight=141.0
2025-04-09 19:04:12.420 | DEBUG    | __main__:<module>:20 - Iteration 1484: Points 1402 (cluster 3483) and 1465 (cluster 3467) connect at weight=141.0
2025-04-09 19:04:12.420 | DEBUG    | __main__:<module>:20 - Iteration 1485: Points 1490 (cluster 3484) and 1501 (cluster 1501) connect at weight=140.0
2025-04-09 19:04:12.421 | DEBUG    | __main__:<module>:20 - Iteration 1486: Points 1487 (cluster 3485) and 1496 (cluster 1496) connect at weight=140.0
2025-04-09 19:04:12.421 | DEBUG    | __main__:<module>:20 - Iteration 1487: Points 1486 (cluster 3486) and 1499 (cluster 1499) connect at weight=140.0
2025-04-09 19:04:12.421 | DEBUG    | __main__:<module>:20 - Iteration 1488: Points 1430 (cluster 3487) and 1461 (cluster 1461) connect at weight=140.0
2025-04-09 19:04:12.421 | DEBUG    | __main__:<module>:20 - Iteration 1489: Points 1497 (cluster 1497) and 1459 (cluster 3488) connect at weight=139.0
2025-04-09 19:04:12.421 | DEBUG    | __main__:<module>:20 - Iteration 1490: Points 1483 (cluster 3489) and 1509 (cluster 1509) connect at weight=139.0
2025-04-09 19:04:12.422 | DEBUG    | __main__:<module>:20 - Iteration 1491: Points 1482 (cluster 1482) and 1510 (cluster 1510) connect at weight=139.0
2025-04-09 19:04:12.422 | DEBUG    | __main__:<module>:20 - Iteration 1492: Points 1481 (cluster 3490) and 1505 (cluster 1505) connect at weight=139.0
2025-04-09 19:04:12.422 | DEBUG    | __main__:<module>:20 - Iteration 1493: Points 1263 (cluster 3462) and 1495 (cluster 1495) connect at weight=139.0
2025-04-09 19:04:12.422 | DEBUG    | __main__:<module>:20 - Iteration 1494: Points 1496 (cluster 3492) and 1482 (cluster 3491) connect at weight=138.0
2025-04-09 19:04:12.422 | DEBUG    | __main__:<module>:20 - Iteration 1495: Points 1472 (cluster 3494) and 1500 (cluster 1500) connect at weight=138.0
2025-04-09 19:04:12.422 | DEBUG    | __main__:<module>:20 - Iteration 1496: Points 1461 (cluster 3495) and 1502 (cluster 1502) connect at weight=138.0
2025-04-09 19:04:12.423 | DEBUG    | __main__:<module>:20 - Iteration 1497: Points 1317 (cluster 3493) and 1492 (cluster 1492) connect at weight=138.0
2025-04-09 19:04:12.423 | DEBUG    | __main__:<module>:20 - Iteration 1498: Points 1499 (cluster 3496) and 1517 (cluster 1517) connect at weight=137.0
2025-04-09 19:04:12.423 | DEBUG    | __main__:<module>:20 - Iteration 1499: Points 1489 (cluster 3498) and 1508 (cluster 1508) connect at weight=137.0
2025-04-09 19:04:12.423 | DEBUG    | __main__:<module>:20 - Iteration 1500: Points 1317 (cluster 3497) and 1491 (cluster 1491) connect at weight=137.0
2025-04-09 19:04:12.423 | DEBUG    | __main__:<module>:20 - Iteration 1501: Points 1516 (cluster 1516) and 1523 (cluster 1523) connect at weight=136.0
2025-04-09 19:04:12.424 | DEBUG    | __main__:<module>:20 - Iteration 1502: Points 1513 (cluster 1513) and 1520 (cluster 1520) connect at weight=136.0
2025-04-09 19:04:12.424 | DEBUG    | __main__:<module>:20 - Iteration 1503: Points 1501 (cluster 3499) and 1485 (cluster 1485) connect at weight=136.0
2025-04-09 19:04:12.424 | DEBUG    | __main__:<module>:20 - Iteration 1504: Points 1484 (cluster 1484) and 1519 (cluster 1519) connect at weight=136.0
2025-04-09 19:04:12.424 | DEBUG    | __main__:<module>:20 - Iteration 1505: Points 1475 (cluster 3503) and 1484 (cluster 3504) connect at weight=136.0
2025-04-09 19:04:12.424 | DEBUG    | __main__:<module>:20 - Iteration 1506: Points 1466 (cluster 3505) and 1511 (cluster 1511) connect at weight=136.0
2025-04-09 19:04:12.425 | DEBUG    | __main__:<module>:20 - Iteration 1507: Points 1465 (cluster 3506) and 1493 (cluster 1493) connect at weight=136.0
2025-04-09 19:04:12.425 | DEBUG    | __main__:<module>:20 - Iteration 1508: Points 1504 (cluster 1504) and 1507 (cluster 1507) connect at weight=135.0
2025-04-09 19:04:12.425 | DEBUG    | __main__:<module>:20 - Iteration 1509: Points 1534 (cluster 1534) and 1529 (cluster 1529) connect at weight=134.0
2025-04-09 19:04:12.425 | DEBUG    | __main__:<module>:20 - Iteration 1510: Points 1529 (cluster 3509) and 1497 (cluster 3507) connect at weight=133.0
2025-04-09 19:04:12.425 | DEBUG    | __main__:<module>:20 - Iteration 1511: Points 1502 (cluster 3510) and 1532 (cluster 1532) connect at weight=133.0
2025-04-09 19:04:12.425 | DEBUG    | __main__:<module>:20 - Iteration 1512: Points 1501 (cluster 3511) and 1536 (cluster 1536) connect at weight=133.0
2025-04-09 19:04:12.426 | DEBUG    | __main__:<module>:20 - Iteration 1513: Points 1493 (cluster 3512) and 1512 (cluster 1512) connect at weight=133.0
2025-04-09 19:04:12.426 | DEBUG    | __main__:<module>:20 - Iteration 1514: Points 1525 (cluster 1525) and 1531 (cluster 1531) connect at weight=132.0
2025-04-09 19:04:12.426 | DEBUG    | __main__:<module>:20 - Iteration 1515: Points 1514 (cluster 1514) and 1525 (cluster 3514) connect at weight=132.0
2025-04-09 19:04:12.426 | DEBUG    | __main__:<module>:20 - Iteration 1516: Points 1485 (cluster 3513) and 1514 (cluster 3515) connect at weight=132.0
2025-04-09 19:04:12.426 | DEBUG    | __main__:<module>:20 - Iteration 1517: Points 1197 (cluster 3500) and 1537 (cluster 1537) connect at weight=132.0
2025-04-09 19:04:12.427 | DEBUG    | __main__:<module>:20 - Iteration 1518: Points 1533 (cluster 1533) and 1432 (cluster 3517) connect at weight=131.0
2025-04-09 19:04:12.427 | DEBUG    | __main__:<module>:20 - Iteration 1519: Points 1528 (cluster 1528) and 1534 (cluster 3516) connect at weight=131.0
2025-04-09 19:04:12.427 | DEBUG    | __main__:<module>:20 - Iteration 1520: Points 1510 (cluster 3519) and 1521 (cluster 1521) connect at weight=131.0
2025-04-09 19:04:12.427 | DEBUG    | __main__:<module>:20 - Iteration 1521: Points 1508 (cluster 3520) and 1516 (cluster 3501) connect at weight=131.0
2025-04-09 19:04:12.427 | DEBUG    | __main__:<module>:20 - Iteration 1522: Points 1508 (cluster 3521) and 1506 (cluster 1506) connect at weight=131.0
2025-04-09 19:04:12.427 | DEBUG    | __main__:<module>:20 - Iteration 1523: Points 1494 (cluster 3522) and 1503 (cluster 1503) connect at weight=131.0
2025-04-09 19:04:12.428 | DEBUG    | __main__:<module>:20 - Iteration 1524: Points 1483 (cluster 3523) and 1535 (cluster 1535) connect at weight=131.0
2025-04-09 19:04:12.428 | DEBUG    | __main__:<module>:20 - Iteration 1525: Points 1480 (cluster 3518) and 1542 (cluster 1542) connect at weight=131.0
2025-04-09 19:04:12.428 | DEBUG    | __main__:<module>:20 - Iteration 1526: Points 1526 (cluster 1526) and 1527 (cluster 1527) connect at weight=130.0
2025-04-09 19:04:12.428 | DEBUG    | __main__:<module>:20 - Iteration 1527: Points 1521 (cluster 3524) and 1524 (cluster 1524) connect at weight=130.0
2025-04-09 19:04:12.428 | DEBUG    | __main__:<module>:20 - Iteration 1528: Points 1518 (cluster 1518) and 1513 (cluster 3502) connect at weight=130.0
2025-04-09 19:04:12.429 | DEBUG    | __main__:<module>:20 - Iteration 1529: Points 1461 (cluster 3527) and 1518 (cluster 3528) connect at weight=130.0
2025-04-09 19:04:12.429 | DEBUG    | __main__:<module>:20 - Iteration 1530: Points 1513 (cluster 3529) and 1522 (cluster 1522) connect at weight=129.0
2025-04-09 19:04:12.429 | DEBUG    | __main__:<module>:20 - Iteration 1531: Points 1503 (cluster 3530) and 1515 (cluster 1515) connect at weight=129.0
2025-04-09 19:04:12.429 | DEBUG    | __main__:<module>:20 - Iteration 1532: Points 1466 (cluster 3531) and 1474 (cluster 1474) connect at weight=129.0
2025-04-09 19:04:12.429 | DEBUG    | __main__:<module>:20 - Iteration 1533: Points 1460 (cluster 3532) and 1526 (cluster 3526) connect at weight=129.0
2025-04-09 19:04:12.430 | DEBUG    | __main__:<module>:20 - Iteration 1534: Points 1480 (cluster 3525) and 1553 (cluster 1553) connect at weight=128.0
2025-04-09 19:04:12.430 | DEBUG    | __main__:<module>:20 - Iteration 1535: Points 1556 (cluster 1556) and 1554 (cluster 1554) connect at weight=127.0
2025-04-09 19:04:12.430 | DEBUG    | __main__:<module>:20 - Iteration 1536: Points 1445 (cluster 3533) and 1504 (cluster 3508) connect at weight=127.0
2025-04-09 19:04:12.430 | DEBUG    | __main__:<module>:20 - Iteration 1537: Points 1523 (cluster 3536) and 1538 (cluster 1538) connect at weight=126.0
2025-04-09 19:04:12.430 | DEBUG    | __main__:<module>:20 - Iteration 1538: Points 1518 (cluster 3537) and 1544 (cluster 1544) connect at weight=126.0
2025-04-09 19:04:12.430 | DEBUG    | __main__:<module>:20 - Iteration 1539: Points 1511 (cluster 3538) and 1539 (cluster 1539) connect at weight=125.0
2025-04-09 19:04:12.431 | DEBUG    | __main__:<module>:20 - Iteration 1540: Points 1504 (cluster 3539) and 1546 (cluster 1546) connect at weight=125.0
2025-04-09 19:04:12.431 | DEBUG    | __main__:<module>:20 - Iteration 1541: Points 1502 (cluster 3540) and 1552 (cluster 1552) connect at weight=125.0
2025-04-09 19:04:12.431 | DEBUG    | __main__:<module>:20 - Iteration 1542: Points 1524 (cluster 3541) and 1545 (cluster 1545) connect at weight=124.0
2025-04-09 19:04:12.431 | DEBUG    | __main__:<module>:20 - Iteration 1543: Points 1258 (cluster 3534) and 1563 (cluster 1563) connect at weight=124.0
2025-04-09 19:04:12.431 | DEBUG    | __main__:<module>:20 - Iteration 1544: Points 1565 (cluster 1565) and 1582 (cluster 1582) connect at weight=122.0
2025-04-09 19:04:12.431 | DEBUG    | __main__:<module>:20 - Iteration 1545: Points 1559 (cluster 1559) and 1574 (cluster 1574) connect at weight=122.0
2025-04-09 19:04:12.432 | DEBUG    | __main__:<module>:20 - Iteration 1546: Points 1555 (cluster 1555) and 1561 (cluster 1561) connect at weight=122.0
2025-04-09 19:04:12.432 | DEBUG    | __main__:<module>:20 - Iteration 1547: Points 1545 (cluster 3542) and 1541 (cluster 1541) connect at weight=122.0
2025-04-09 19:04:12.432 | DEBUG    | __main__:<module>:20 - Iteration 1548: Points 1544 (cluster 3547) and 1566 (cluster 1566) connect at weight=122.0
2025-04-09 19:04:12.432 | DEBUG    | __main__:<module>:20 - Iteration 1549: Points 1536 (cluster 3548) and 1564 (cluster 1564) connect at weight=122.0
2025-04-09 19:04:12.432 | DEBUG    | __main__:<module>:20 - Iteration 1550: Points 1535 (cluster 3549) and 1565 (cluster 3544) connect at weight=122.0
2025-04-09 19:04:12.433 | DEBUG    | __main__:<module>:20 - Iteration 1551: Points 1506 (cluster 3550) and 1556 (cluster 3535) connect at weight=122.0
2025-04-09 19:04:12.433 | DEBUG    | __main__:<module>:20 - Iteration 1552: Points 1485 (cluster 3551) and 1551 (cluster 1551) connect at weight=122.0
2025-04-09 19:04:12.433 | DEBUG    | __main__:<module>:20 - Iteration 1553: Points 1586 (cluster 1586) and 1576 (cluster 1576) connect at weight=121.0
2025-04-09 19:04:12.433 | DEBUG    | __main__:<module>:20 - Iteration 1554: Points 1575 (cluster 1575) and 1578 (cluster 1578) connect at weight=121.0
2025-04-09 19:04:12.433 | DEBUG    | __main__:<module>:20 - Iteration 1555: Points 1548 (cluster 1548) and 1569 (cluster 1569) connect at weight=121.0
2025-04-09 19:04:12.433 | DEBUG    | __main__:<module>:20 - Iteration 1556: Points 1539 (cluster 3552) and 1547 (cluster 1547) connect at weight=121.0
2025-04-09 19:04:12.434 | DEBUG    | __main__:<module>:20 - Iteration 1557: Points 1514 (cluster 3556) and 1548 (cluster 3555) connect at weight=121.0
2025-04-09 19:04:12.434 | DEBUG    | __main__:<module>:20 - Iteration 1558: Points 1512 (cluster 3557) and 1540 (cluster 1540) connect at weight=121.0
2025-04-09 19:04:12.434 | DEBUG    | __main__:<module>:20 - Iteration 1559: Points 1564 (cluster 3558) and 1580 (cluster 1580) connect at weight=120.0
2025-04-09 19:04:12.434 | DEBUG    | __main__:<module>:20 - Iteration 1560: Points 1561 (cluster 3546) and 1570 (cluster 1570) connect at weight=120.0
2025-04-09 19:04:12.434 | DEBUG    | __main__:<module>:20 - Iteration 1561: Points 1556 (cluster 3559) and 1575 (cluster 3554) connect at weight=120.0
2025-04-09 19:04:12.435 | DEBUG    | __main__:<module>:20 - Iteration 1562: Points 1540 (cluster 3561) and 1559 (cluster 3545) connect at weight=120.0
2025-04-09 19:04:12.435 | DEBUG    | __main__:<module>:20 - Iteration 1563: Points 1538 (cluster 3562) and 1555 (cluster 3560) connect at weight=120.0
2025-04-09 19:04:12.435 | DEBUG    | __main__:<module>:20 - Iteration 1564: Points 1522 (cluster 3563) and 1558 (cluster 1558) connect at weight=120.0
2025-04-09 19:04:12.435 | DEBUG    | __main__:<module>:20 - Iteration 1565: Points 1506 (cluster 3564) and 1562 (cluster 1562) connect at weight=120.0
2025-04-09 19:04:12.435 | DEBUG    | __main__:<module>:20 - Iteration 1566: Points 1443 (cluster 3565) and 1557 (cluster 1557) connect at weight=120.0
2025-04-09 19:04:12.435 | DEBUG    | __main__:<module>:20 - Iteration 1567: Points 1359 (cluster 3543) and 1592 (cluster 1592) connect at weight=120.0
2025-04-09 19:04:12.436 | DEBUG    | __main__:<module>:20 - Iteration 1568: Points 1300 (cluster 3307) and 1549 (cluster 1549) connect at weight=120.0
2025-04-09 19:04:12.436 | DEBUG    | __main__:<module>:20 - Iteration 1569: Points 1540 (cluster 3566) and 1589 (cluster 1589) connect at weight=119.0
2025-04-09 19:04:12.436 | DEBUG    | __main__:<module>:20 - Iteration 1570: Points 1538 (cluster 3569) and 1573 (cluster 1573) connect at weight=119.0
2025-04-09 19:04:12.436 | DEBUG    | __main__:<module>:20 - Iteration 1571: Points 1519 (cluster 3570) and 1550 (cluster 1550) connect at weight=119.0
2025-04-09 19:04:12.436 | DEBUG    | __main__:<module>:20 - Iteration 1572: Points 1503 (cluster 3571) and 1568 (cluster 1568) connect at weight=119.0
2025-04-09 19:04:12.437 | DEBUG    | __main__:<module>:20 - Iteration 1573: Points 1476 (cluster 3572) and 1560 (cluster 1560) connect at weight=119.0
2025-04-09 19:04:12.437 | DEBUG    | __main__:<module>:20 - Iteration 1574: Points 1568 (cluster 3573) and 1586 (cluster 3553) connect at weight=118.0
2025-04-09 19:04:12.437 | DEBUG    | __main__:<module>:20 - Iteration 1575: Points 1500 (cluster 3574) and 1543 (cluster 1543) connect at weight=118.0
2025-04-09 19:04:12.437 | DEBUG    | __main__:<module>:20 - Iteration 1576: Points 1581 (cluster 1581) and 1599 (cluster 1599) connect at weight=117.0
2025-04-09 19:04:12.437 | DEBUG    | __main__:<module>:20 - Iteration 1577: Points 1568 (cluster 3575) and 1595 (cluster 1595) connect at weight=117.0
2025-04-09 19:04:12.437 | DEBUG    | __main__:<module>:20 - Iteration 1578: Points 1591 (cluster 1591) and 1590 (cluster 1590) connect at weight=116.0
2025-04-09 19:04:12.438 | DEBUG    | __main__:<module>:20 - Iteration 1579: Points 1590 (cluster 3578) and 1597 (cluster 1597) connect at weight=116.0
2025-04-09 19:04:12.438 | DEBUG    | __main__:<module>:20 - Iteration 1580: Points 1588 (cluster 1588) and 1591 (cluster 3579) connect at weight=116.0
2025-04-09 19:04:12.438 | DEBUG    | __main__:<module>:20 - Iteration 1581: Points 1545 (cluster 3577) and 1593 (cluster 1593) connect at weight=116.0
2025-04-09 19:04:12.438 | DEBUG    | __main__:<module>:20 - Iteration 1582: Points 1535 (cluster 3581) and 1579 (cluster 1579) connect at weight=116.0
2025-04-09 19:04:12.438 | DEBUG    | __main__:<module>:20 - Iteration 1583: Points 1381 (cluster 3567) and 1612 (cluster 1612) connect at weight=116.0
2025-04-09 19:04:12.438 | DEBUG    | __main__:<module>:20 - Iteration 1584: Points 1324 (cluster 3583) and 1581 (cluster 3576) connect at weight=116.0
2025-04-09 19:04:12.439 | DEBUG    | __main__:<module>:20 - Iteration 1585: Points 1603 (cluster 1603) and 1613 (cluster 1613) connect at weight=115.0
2025-04-09 19:04:12.439 | DEBUG    | __main__:<module>:20 - Iteration 1586: Points 1585 (cluster 1585) and 1602 (cluster 1602) connect at weight=115.0
2025-04-09 19:04:12.439 | DEBUG    | __main__:<module>:20 - Iteration 1587: Points 1569 (cluster 3582) and 1598 (cluster 1598) connect at weight=115.0
2025-04-09 19:04:12.440 | DEBUG    | __main__:<module>:20 - Iteration 1588: Points 1563 (cluster 3584) and 1617 (cluster 1617) connect at weight=115.0
2025-04-09 19:04:12.440 | DEBUG    | __main__:<module>:20 - Iteration 1589: Points 1549 (cluster 3568) and 1609 (cluster 1609) connect at weight=115.0
2025-04-09 19:04:12.440 | DEBUG    | __main__:<module>:20 - Iteration 1590: Points 1611 (cluster 1611) and 1587 (cluster 1587) connect at weight=114.0
2025-04-09 19:04:12.440 | DEBUG    | __main__:<module>:20 - Iteration 1591: Points 1593 (cluster 3587) and 1600 (cluster 1600) connect at weight=114.0
2025-04-09 19:04:12.440 | DEBUG    | __main__:<module>:20 - Iteration 1592: Points 1582 (cluster 3591) and 1608 (cluster 1608) connect at weight=114.0
2025-04-09 19:04:12.440 | DEBUG    | __main__:<module>:20 - Iteration 1593: Points 1575 (cluster 3592) and 1607 (cluster 1607) connect at weight=114.0
2025-04-09 19:04:12.441 | DEBUG    | __main__:<module>:20 - Iteration 1594: Points 1570 (cluster 3593) and 1611 (cluster 3590) connect at weight=114.0
2025-04-09 19:04:12.441 | DEBUG    | __main__:<module>:20 - Iteration 1595: Points 1562 (cluster 3594) and 1584 (cluster 1584) connect at weight=114.0
2025-04-09 19:04:12.441 | DEBUG    | __main__:<module>:20 - Iteration 1596: Points 1560 (cluster 3595) and 1577 (cluster 1577) connect at weight=114.0
2025-04-09 19:04:12.441 | DEBUG    | __main__:<module>:20 - Iteration 1597: Points 1552 (cluster 3596) and 1596 (cluster 1596) connect at weight=114.0
2025-04-09 19:04:12.441 | DEBUG    | __main__:<module>:20 - Iteration 1598: Points 1539 (cluster 3597) and 1585 (cluster 3586) connect at weight=114.0
2025-04-09 19:04:12.442 | DEBUG    | __main__:<module>:20 - Iteration 1599: Points 1527 (cluster 3598) and 1610 (cluster 1610) connect at weight=114.0
2025-04-09 19:04:12.442 | DEBUG    | __main__:<module>:20 - Iteration 1600: Points 1604 (cluster 1604) and 1628 (cluster 1628) connect at weight=113.0
2025-04-09 19:04:12.442 | DEBUG    | __main__:<module>:20 - Iteration 1601: Points 1600 (cluster 3599) and 1616 (cluster 1616) connect at weight=113.0
2025-04-09 19:04:12.442 | DEBUG    | __main__:<module>:20 - Iteration 1602: Points 1584 (cluster 3601) and 1618 (cluster 1618) connect at weight=113.0
2025-04-09 19:04:12.442 | DEBUG    | __main__:<module>:20 - Iteration 1603: Points 1580 (cluster 3602) and 1624 (cluster 1624) connect at weight=113.0
2025-04-09 19:04:12.442 | DEBUG    | __main__:<module>:20 - Iteration 1604: Points 1560 (cluster 3603) and 1615 (cluster 1615) connect at weight=113.0
2025-04-09 19:04:12.443 | DEBUG    | __main__:<module>:20 - Iteration 1605: Points 1524 (cluster 3604) and 1571 (cluster 1571) connect at weight=113.0
2025-04-09 19:04:12.443 | DEBUG    | __main__:<module>:20 - Iteration 1606: Points 1505 (cluster 3605) and 1605 (cluster 1605) connect at weight=113.0
2025-04-09 19:04:12.443 | DEBUG    | __main__:<module>:20 - Iteration 1607: Points 1495 (cluster 3588) and 1623 (cluster 1623) connect at weight=113.0
2025-04-09 19:04:12.443 | DEBUG    | __main__:<module>:20 - Iteration 1608: Points 1626 (cluster 1626) and 1629 (cluster 1629) connect at weight=112.0
2025-04-09 19:04:12.443 | DEBUG    | __main__:<module>:20 - Iteration 1609: Points 1625 (cluster 1625) and 1626 (cluster 3608) connect at weight=112.0
2025-04-09 19:04:12.445 | DEBUG    | __main__:<module>:20 - Iteration 1610: Points 1602 (cluster 3606) and 1622 (cluster 1622) connect at weight=112.0
2025-04-09 19:04:12.445 | DEBUG    | __main__:<module>:20 - Iteration 1611: Points 1504 (cluster 3610) and 1604 (cluster 3600) connect at weight=112.0
2025-04-09 19:04:12.445 | DEBUG    | __main__:<module>:20 - Iteration 1612: Points 1491 (cluster 3607) and 1620 (cluster 1620) connect at weight=112.0
2025-04-09 19:04:12.445 | DEBUG    | __main__:<module>:20 - Iteration 1613: Points 1425 (cluster 3611) and 1567 (cluster 1567) connect at weight=112.0
2025-04-09 19:04:12.446 | DEBUG    | __main__:<module>:20 - Iteration 1614: Points 1616 (cluster 3613) and 1619 (cluster 1619) connect at weight=111.0
2025-04-09 19:04:12.446 | DEBUG    | __main__:<module>:20 - Iteration 1615: Points 1601 (cluster 1601) and 1528 (cluster 3614) connect at weight=111.0
2025-04-09 19:04:12.446 | DEBUG    | __main__:<module>:20 - Iteration 1616: Points 1576 (cluster 3615) and 1635 (cluster 1635) connect at weight=111.0
2025-04-09 19:04:12.446 | DEBUG    | __main__:<module>:20 - Iteration 1617: Points 1517 (cluster 3616) and 1588 (cluster 3580) connect at weight=111.0
2025-04-09 19:04:12.446 | DEBUG    | __main__:<module>:20 - Iteration 1618: Points 1291 (cluster 3589) and 1530 (cluster 1530) connect at weight=111.0
2025-04-09 19:04:12.446 | DEBUG    | __main__:<module>:20 - Iteration 1619: Points 1232 (cluster 3618) and 1572 (cluster 1572) connect at weight=111.0
2025-04-09 19:04:12.447 | DEBUG    | __main__:<module>:20 - Iteration 1620: Points 1646 (cluster 1646) and 1625 (cluster 3609) connect at weight=109.0
2025-04-09 19:04:12.447 | DEBUG    | __main__:<module>:20 - Iteration 1621: Points 1643 (cluster 1643) and 1648 (cluster 1648) connect at weight=109.0
2025-04-09 19:04:12.447 | DEBUG    | __main__:<module>:20 - Iteration 1622: Points 1639 (cluster 1639) and 1634 (cluster 1634) connect at weight=109.0
2025-04-09 19:04:12.447 | DEBUG    | __main__:<module>:20 - Iteration 1623: Points 1598 (cluster 3617) and 1621 (cluster 1621) connect at weight=109.0
2025-04-09 19:04:12.447 | DEBUG    | __main__:<module>:20 - Iteration 1624: Points 1588 (cluster 3623) and 1594 (cluster 1594) connect at weight=109.0
2025-04-09 19:04:12.448 | DEBUG    | __main__:<module>:20 - Iteration 1625: Points 1585 (cluster 3624) and 1631 (cluster 1631) connect at weight=109.0
2025-04-09 19:04:12.448 | DEBUG    | __main__:<module>:20 - Iteration 1626: Points 1563 (cluster 3612) and 1651 (cluster 1651) connect at weight=109.0
2025-04-09 19:04:12.448 | DEBUG    | __main__:<module>:20 - Iteration 1627: Points 1546 (cluster 3625) and 1614 (cluster 1614) connect at weight=109.0
2025-04-09 19:04:12.448 | DEBUG    | __main__:<module>:20 - Iteration 1628: Points 1546 (cluster 3627) and 1603 (cluster 3585) connect at weight=109.0
2025-04-09 19:04:12.448 | DEBUG    | __main__:<module>:20 - Iteration 1629: Points 1646 (cluster 3620) and 1657 (cluster 1657) connect at weight=108.0
2025-04-09 19:04:12.449 | DEBUG    | __main__:<module>:20 - Iteration 1630: Points 1633 (cluster 1633) and 1630 (cluster 1630) connect at weight=108.0
2025-04-09 19:04:12.449 | DEBUG    | __main__:<module>:20 - Iteration 1631: Points 1630 (cluster 3630) and 1601 (cluster 3628) connect at weight=108.0
2025-04-09 19:04:12.449 | DEBUG    | __main__:<module>:20 - Iteration 1632: Points 1629 (cluster 3629) and 1632 (cluster 1632) connect at weight=108.0
2025-04-09 19:04:12.449 | DEBUG    | __main__:<module>:20 - Iteration 1633: Points 1619 (cluster 3631) and 1646 (cluster 3632) connect at weight=108.0
2025-04-09 19:04:12.449 | DEBUG    | __main__:<module>:20 - Iteration 1634: Points 1600 (cluster 3633) and 1645 (cluster 1645) connect at weight=108.0
2025-04-09 19:04:12.450 | DEBUG    | __main__:<module>:20 - Iteration 1635: Points 1597 (cluster 3634) and 1627 (cluster 1627) connect at weight=108.0
2025-04-09 19:04:12.450 | DEBUG    | __main__:<module>:20 - Iteration 1636: Points 1574 (cluster 3635) and 1583 (cluster 1583) connect at weight=108.0
2025-04-09 19:04:12.450 | DEBUG    | __main__:<module>:20 - Iteration 1637: Points 1618 (cluster 3636) and 1640 (cluster 1640) connect at weight=107.0
2025-04-09 19:04:12.452 | DEBUG    | __main__:<module>:20 - Iteration 1638: Points 1590 (cluster 3637) and 1636 (cluster 1636) connect at weight=107.0
2025-04-09 19:04:12.462 | DEBUG    | __main__:<module>:20 - Iteration 1639: Points 1613 (cluster 3638) and 1663 (cluster 1663) connect at weight=106.0
2025-04-09 19:04:12.462 | DEBUG    | __main__:<module>:20 - Iteration 1640: Points 1567 (cluster 3639) and 1654 (cluster 1654) connect at weight=106.0
2025-04-09 19:04:12.462 | DEBUG    | __main__:<module>:20 - Iteration 1641: Points 1650 (cluster 1650) and 1656 (cluster 1656) connect at weight=105.0
2025-04-09 19:04:12.462 | DEBUG    | __main__:<module>:20 - Iteration 1642: Points 1647 (cluster 1647) and 1659 (cluster 1659) connect at weight=105.0
2025-04-09 19:04:12.463 | DEBUG    | __main__:<module>:20 - Iteration 1643: Points 1642 (cluster 1642) and 1647 (cluster 3642) connect at weight=105.0
2025-04-09 19:04:12.463 | DEBUG    | __main__:<module>:20 - Iteration 1644: Points 1567 (cluster 3640) and 1665 (cluster 1665) connect at weight=105.0
2025-04-09 19:04:12.463 | DEBUG    | __main__:<module>:20 - Iteration 1645: Points 1664 (cluster 1664) and 1670 (cluster 1670) connect at weight=104.0
2025-04-09 19:04:12.463 | DEBUG    | __main__:<module>:20 - Iteration 1646: Points 1639 (cluster 3622) and 1644 (cluster 1644) connect at weight=104.0
2025-04-09 19:04:12.463 | DEBUG    | __main__:<module>:20 - Iteration 1647: Points 1637 (cluster 1637) and 1643 (cluster 3621) connect at weight=104.0
2025-04-09 19:04:12.464 | DEBUG    | __main__:<module>:20 - Iteration 1648: Points 1634 (cluster 3646) and 1649 (cluster 1649) connect at weight=104.0
2025-04-09 19:04:12.464 | DEBUG    | __main__:<module>:20 - Iteration 1649: Points 1621 (cluster 3644) and 1638 (cluster 1638) connect at weight=104.0
2025-04-09 19:04:12.464 | DEBUG    | __main__:<module>:20 - Iteration 1650: Points 1530 (cluster 3619) and 1606 (cluster 1606) connect at weight=104.0
2025-04-09 19:04:12.464 | DEBUG    | __main__:<module>:20 - Iteration 1651: Points 1638 (cluster 3649) and 1642 (cluster 3643) connect at weight=103.0
2025-04-09 19:04:12.464 | DEBUG    | __main__:<module>:20 - Iteration 1652: Points 1632 (cluster 3651) and 1661 (cluster 1661) connect at weight=103.0
2025-04-09 19:04:12.465 | DEBUG    | __main__:<module>:20 - Iteration 1653: Points 1595 (cluster 3652) and 1660 (cluster 1660) connect at weight=103.0
2025-04-09 19:04:12.465 | DEBUG    | __main__:<module>:20 - Iteration 1654: Points 1582 (cluster 3653) and 1667 (cluster 1667) connect at weight=103.0
2025-04-09 19:04:12.466 | DEBUG    | __main__:<module>:20 - Iteration 1655: Points 1648 (cluster 3647) and 1658 (cluster 1658) connect at weight=102.0
2025-04-09 19:04:12.466 | DEBUG    | __main__:<module>:20 - Iteration 1656: Points 1614 (cluster 3654) and 1672 (cluster 1672) connect at weight=102.0
2025-04-09 19:04:12.466 | DEBUG    | __main__:<module>:20 - Iteration 1657: Points 1610 (cluster 3656) and 1676 (cluster 1676) connect at weight=102.0
2025-04-09 19:04:12.466 | DEBUG    | __main__:<module>:20 - Iteration 1658: Points 1577 (cluster 3657) and 1666 (cluster 1666) connect at weight=102.0
2025-04-09 19:04:12.466 | DEBUG    | __main__:<module>:20 - Iteration 1659: Points 1306 (cluster 3650) and 1669 (cluster 1669) connect at weight=102.0
2025-04-09 19:04:12.467 | DEBUG    | __main__:<module>:20 - Iteration 1660: Points 1684 (cluster 1684) and 1673 (cluster 1673) connect at weight=101.0
2025-04-09 19:04:12.467 | DEBUG    | __main__:<module>:20 - Iteration 1661: Points 1657 (cluster 3658) and 1686 (cluster 1686) connect at weight=101.0
2025-04-09 19:04:12.467 | DEBUG    | __main__:<module>:20 - Iteration 1662: Points 1655 (cluster 1655) and 1652 (cluster 1652) connect at weight=101.0
2025-04-09 19:04:12.467 | DEBUG    | __main__:<module>:20 - Iteration 1663: Points 1679 (cluster 1679) and 1680 (cluster 1680) connect at weight=100.0
2025-04-09 19:04:12.467 | DEBUG    | __main__:<module>:20 - Iteration 1664: Points 1658 (cluster 3655) and 1641 (cluster 1641) connect at weight=100.0
2025-04-09 19:04:12.468 | DEBUG    | __main__:<module>:20 - Iteration 1665: Points 1644 (cluster 3648) and 1664 (cluster 3645) connect at weight=100.0
2025-04-09 19:04:12.468 | DEBUG    | __main__:<module>:20 - Iteration 1666: Points 1621 (cluster 3661) and 1637 (cluster 3664) connect at weight=100.0
2025-04-09 19:04:12.468 | DEBUG    | __main__:<module>:20 - Iteration 1667: Points 1673 (cluster 3660) and 1655 (cluster 3662) connect at weight=99.0
2025-04-09 19:04:12.468 | DEBUG    | __main__:<module>:20 - Iteration 1668: Points 1673 (cluster 3667) and 1633 (cluster 3666) connect at weight=99.0
2025-04-09 19:04:12.468 | DEBUG    | __main__:<module>:20 - Iteration 1669: Points 1666 (cluster 3668) and 1687 (cluster 1687) connect at weight=99.0
2025-04-09 19:04:12.469 | DEBUG    | __main__:<module>:20 - Iteration 1670: Points 1641 (cluster 3669) and 1639 (cluster 3665) connect at weight=99.0
2025-04-09 19:04:12.469 | DEBUG    | __main__:<module>:20 - Iteration 1671: Points 1579 (cluster 3670) and 1691 (cluster 1691) connect at weight=99.0
2025-04-09 19:04:12.469 | DEBUG    | __main__:<module>:20 - Iteration 1672: Points 1683 (cluster 1683) and 1675 (cluster 1675) connect at weight=98.0
2025-04-09 19:04:12.469 | DEBUG    | __main__:<module>:20 - Iteration 1673: Points 1667 (cluster 3671) and 1698 (cluster 1698) connect at weight=98.0
2025-04-09 19:04:12.469 | DEBUG    | __main__:<module>:20 - Iteration 1674: Points 1656 (cluster 3641) and 1697 (cluster 1697) connect at weight=98.0
2025-04-09 19:04:12.469 | DEBUG    | __main__:<module>:20 - Iteration 1675: Points 1656 (cluster 3674) and 1683 (cluster 3672) connect at weight=98.0
2025-04-09 19:04:12.470 | DEBUG    | __main__:<module>:20 - Iteration 1676: Points 1648 (cluster 3673) and 1688 (cluster 1688) connect at weight=98.0
2025-04-09 19:04:12.470 | DEBUG    | __main__:<module>:20 - Iteration 1677: Points 1620 (cluster 3626) and 1682 (cluster 1682) connect at weight=98.0
2025-04-09 19:04:12.470 | DEBUG    | __main__:<module>:20 - Iteration 1678: Points 1464 (cluster 3677) and 1706 (cluster 1706) connect at weight=98.0
2025-04-09 19:04:12.470 | DEBUG    | __main__:<module>:20 - Iteration 1679: Points 1664 (cluster 3676) and 1671 (cluster 1671) connect at weight=97.0
2025-04-09 19:04:12.470 | DEBUG    | __main__:<module>:20 - Iteration 1680: Points 1596 (cluster 3679) and 1662 (cluster 1662) connect at weight=97.0
2025-04-09 19:04:12.470 | DEBUG    | __main__:<module>:20 - Iteration 1681: Points 1558 (cluster 3680) and 1650 (cluster 3675) connect at weight=97.0
2025-04-09 19:04:12.471 | DEBUG    | __main__:<module>:20 - Iteration 1682: Points 1533 (cluster 3678) and 1653 (cluster 1653) connect at weight=97.0
2025-04-09 19:04:12.471 | DEBUG    | __main__:<module>:20 - Iteration 1683: Points 1676 (cluster 3681) and 1692 (cluster 1692) connect at weight=96.0
2025-04-09 19:04:12.471 | DEBUG    | __main__:<module>:20 - Iteration 1684: Points 1671 (cluster 3683) and 1702 (cluster 1702) connect at weight=96.0
2025-04-09 19:04:12.472 | DEBUG    | __main__:<module>:20 - Iteration 1685: Points 1659 (cluster 3684) and 1701 (cluster 1701) connect at weight=96.0
2025-04-09 19:04:12.473 | DEBUG    | __main__:<module>:20 - Iteration 1686: Points 1622 (cluster 3685) and 1677 (cluster 1677) connect at weight=96.0
2025-04-09 19:04:12.474 | DEBUG    | __main__:<module>:20 - Iteration 1687: Points 1689 (cluster 1689) and 1699 (cluster 1699) connect at weight=95.0
2025-04-09 19:04:12.474 | DEBUG    | __main__:<module>:20 - Iteration 1688: Points 1649 (cluster 3686) and 1689 (cluster 3687) connect at weight=95.0
2025-04-09 19:04:12.474 | DEBUG    | __main__:<module>:20 - Iteration 1689: Points 1637 (cluster 3688) and 1696 (cluster 1696) connect at weight=95.0
2025-04-09 19:04:12.474 | DEBUG    | __main__:<module>:20 - Iteration 1690: Points 1636 (cluster 3689) and 1679 (cluster 3663) connect at weight=95.0
2025-04-09 19:04:12.474 | DEBUG    | __main__:<module>:20 - Iteration 1691: Points 1620 (cluster 3682) and 1712 (cluster 1712) connect at weight=95.0
2025-04-09 19:04:12.475 | DEBUG    | __main__:<module>:20 - Iteration 1692: Points 1702 (cluster 3690) and 1716 (cluster 1716) connect at weight=94.0
2025-04-09 19:04:12.475 | DEBUG    | __main__:<module>:20 - Iteration 1693: Points 1701 (cluster 3692) and 1717 (cluster 1717) connect at weight=94.0
2025-04-09 19:04:12.475 | DEBUG    | __main__:<module>:20 - Iteration 1694: Points 1693 (cluster 1693) and 1705 (cluster 1705) connect at weight=94.0
2025-04-09 19:04:12.475 | DEBUG    | __main__:<module>:20 - Iteration 1695: Points 1647 (cluster 3693) and 1708 (cluster 1708) connect at weight=94.0
2025-04-09 19:04:12.475 | DEBUG    | __main__:<module>:20 - Iteration 1696: Points 1618 (cluster 3695) and 1693 (cluster 3694) connect at weight=94.0
2025-04-09 19:04:12.476 | DEBUG    | __main__:<module>:20 - Iteration 1697: Points 1607 (cluster 3696) and 1668 (cluster 1668) connect at weight=94.0
2025-04-09 19:04:12.476 | DEBUG    | __main__:<module>:20 - Iteration 1698: Points 1589 (cluster 3697) and 1714 (cluster 1714) connect at weight=94.0
2025-04-09 19:04:12.476 | DEBUG    | __main__:<module>:20 - Iteration 1699: Points 1703 (cluster 1703) and 1694 (cluster 1694) connect at weight=93.0
2025-04-09 19:04:12.476 | DEBUG    | __main__:<module>:20 - Iteration 1700: Points 1694 (cluster 3699) and 1720 (cluster 1720) connect at weight=93.0
2025-04-09 19:04:12.477 | DEBUG    | __main__:<module>:20 - Iteration 1701: Points 1679 (cluster 3698) and 1704 (cluster 1704) connect at weight=93.0
2025-04-09 19:04:12.477 | DEBUG    | __main__:<module>:20 - Iteration 1702: Points 1662 (cluster 3701) and 1709 (cluster 1709) connect at weight=93.0
2025-04-09 19:04:12.477 | DEBUG    | __main__:<module>:20 - Iteration 1703: Points 1662 (cluster 3702) and 1674 (cluster 1674) connect at weight=93.0
2025-04-09 19:04:12.478 | DEBUG    | __main__:<module>:20 - Iteration 1704: Points 1640 (cluster 3703) and 1685 (cluster 1685) connect at weight=93.0
2025-04-09 19:04:12.478 | DEBUG    | __main__:<module>:20 - Iteration 1705: Points 1615 (cluster 3704) and 1722 (cluster 1722) connect at weight=93.0
2025-04-09 19:04:12.478 | DEBUG    | __main__:<module>:20 - Iteration 1706: Points 1583 (cluster 3705) and 1710 (cluster 1710) connect at weight=93.0
2025-04-09 19:04:12.478 | DEBUG    | __main__:<module>:20 - Iteration 1707: Points 1726 (cluster 1726) and 1742 (cluster 1742) connect at weight=92.0
2025-04-09 19:04:12.478 | DEBUG    | __main__:<module>:20 - Iteration 1708: Points 1693 (cluster 3706) and 1703 (cluster 3700) connect at weight=92.0
2025-04-09 19:04:12.478 | DEBUG    | __main__:<module>:20 - Iteration 1709: Points 1659 (cluster 3708) and 1733 (cluster 1733) connect at weight=92.0
2025-04-09 19:04:12.479 | DEBUG    | __main__:<module>:20 - Iteration 1710: Points 1589 (cluster 3709) and 1723 (cluster 1723) connect at weight=92.0
2025-04-09 19:04:12.479 | DEBUG    | __main__:<module>:20 - Iteration 1711: Points 1719 (cluster 1719) and 1684 (cluster 3710) connect at weight=91.0
2025-04-09 19:04:12.479 | DEBUG    | __main__:<module>:20 - Iteration 1712: Points 1707 (cluster 1707) and 1729 (cluster 1729) connect at weight=91.0
2025-04-09 19:04:12.479 | DEBUG    | __main__:<module>:20 - Iteration 1713: Points 1687 (cluster 3711) and 1727 (cluster 1727) connect at weight=91.0
2025-04-09 19:04:12.479 | DEBUG    | __main__:<module>:20 - Iteration 1714: Points 1668 (cluster 3713) and 1721 (cluster 1721) connect at weight=91.0
2025-04-09 19:04:12.480 | DEBUG    | __main__:<module>:20 - Iteration 1715: Points 1574 (cluster 3714) and 1730 (cluster 1730) connect at weight=91.0
2025-04-09 19:04:12.480 | DEBUG    | __main__:<module>:20 - Iteration 1716: Points 1735 (cluster 1735) and 1737 (cluster 1737) connect at weight=90.0
2025-04-09 19:04:12.480 | DEBUG    | __main__:<module>:20 - Iteration 1717: Points 1729 (cluster 3712) and 1695 (cluster 1695) connect at weight=90.0
2025-04-09 19:04:12.480 | DEBUG    | __main__:<module>:20 - Iteration 1718: Points 1711 (cluster 1711) and 1735 (cluster 3716) connect at weight=90.0
2025-04-09 19:04:12.481 | DEBUG    | __main__:<module>:20 - Iteration 1719: Points 1685 (cluster 3715) and 1715 (cluster 1715) connect at weight=90.0
2025-04-09 19:04:12.481 | DEBUG    | __main__:<module>:20 - Iteration 1720: Points 1683 (cluster 3719) and 1725 (cluster 1725) connect at weight=90.0
2025-04-09 19:04:12.481 | DEBUG    | __main__:<module>:20 - Iteration 1721: Points 1668 (cluster 3720) and 1711 (cluster 3718) connect at weight=90.0
2025-04-09 19:04:12.481 | DEBUG    | __main__:<module>:20 - Iteration 1722: Points 1663 (cluster 3721) and 1749 (cluster 1749) connect at weight=90.0
2025-04-09 19:04:12.481 | DEBUG    | __main__:<module>:20 - Iteration 1723: Points 1623 (cluster 3691) and 1718 (cluster 1718) connect at weight=90.0
2025-04-09 19:04:12.482 | DEBUG    | __main__:<module>:20 - Iteration 1724: Points 1722 (cluster 3722) and 1753 (cluster 1753) connect at weight=89.0
2025-04-09 19:04:12.482 | DEBUG    | __main__:<module>:20 - Iteration 1725: Points 1722 (cluster 3724) and 1748 (cluster 1748) connect at weight=89.0
2025-04-09 19:04:12.482 | DEBUG    | __main__:<module>:20 - Iteration 1726: Points 1721 (cluster 3725) and 1757 (cluster 1757) connect at weight=89.0
2025-04-09 19:04:12.482 | DEBUG    | __main__:<module>:20 - Iteration 1727: Points 1716 (cluster 3726) and 1745 (cluster 1745) connect at weight=89.0
2025-04-09 19:04:12.482 | DEBUG    | __main__:<module>:20 - Iteration 1728: Points 1716 (cluster 3727) and 1713 (cluster 1713) connect at weight=89.0
2025-04-09 19:04:12.484 | DEBUG    | __main__:<module>:20 - Iteration 1729: Points 1688 (cluster 3728) and 1738 (cluster 1738) connect at weight=89.0
2025-04-09 19:04:12.485 | DEBUG    | __main__:<module>:20 - Iteration 1730: Points 1678 (cluster 1678) and 1747 (cluster 1747) connect at weight=89.0
2025-04-09 19:04:12.485 | DEBUG    | __main__:<module>:20 - Iteration 1731: Points 1653 (cluster 3723) and 1690 (cluster 1690) connect at weight=89.0
2025-04-09 19:04:12.485 | DEBUG    | __main__:<module>:20 - Iteration 1732: Points 1606 (cluster 3659) and 1731 (cluster 1731) connect at weight=89.0
2025-04-09 19:04:12.485 | DEBUG    | __main__:<module>:20 - Iteration 1733: Points 1761 (cluster 1761) and 1754 (cluster 1754) connect at weight=88.0
2025-04-09 19:04:12.486 | DEBUG    | __main__:<module>:20 - Iteration 1734: Points 1759 (cluster 1759) and 1762 (cluster 1762) connect at weight=88.0
2025-04-09 19:04:12.486 | DEBUG    | __main__:<module>:20 - Iteration 1735: Points 1732 (cluster 1732) and 1752 (cluster 1752) connect at weight=88.0
2025-04-09 19:04:12.486 | DEBUG    | __main__:<module>:20 - Iteration 1736: Points 1725 (cluster 3729) and 1756 (cluster 1756) connect at weight=88.0
2025-04-09 19:04:12.487 | DEBUG    | __main__:<module>:20 - Iteration 1737: Points 1719 (cluster 3736) and 1741 (cluster 1741) connect at weight=88.0
2025-04-09 19:04:12.487 | DEBUG    | __main__:<module>:20 - Iteration 1738: Points 1707 (cluster 3717) and 1743 (cluster 1743) connect at weight=88.0
2025-04-09 19:04:12.487 | DEBUG    | __main__:<module>:20 - Iteration 1739: Points 1700 (cluster 1700) and 1744 (cluster 1744) connect at weight=88.0
2025-04-09 19:04:12.487 | DEBUG    | __main__:<module>:20 - Iteration 1740: Points 1695 (cluster 3738) and 1700 (cluster 3739) connect at weight=88.0
2025-04-09 19:04:12.487 | DEBUG    | __main__:<module>:20 - Iteration 1741: Points 1635 (cluster 3737) and 1734 (cluster 1734) connect at weight=88.0
2025-04-09 19:04:12.488 | DEBUG    | __main__:<module>:20 - Iteration 1742: Points 1731 (cluster 3732) and 1740 (cluster 1740) connect at weight=87.0
2025-04-09 19:04:12.488 | DEBUG    | __main__:<module>:20 - Iteration 1743: Points 1709 (cluster 3741) and 1750 (cluster 1750) connect at weight=87.0
2025-04-09 19:04:12.488 | DEBUG    | __main__:<module>:20 - Iteration 1744: Points 1709 (cluster 3743) and 1707 (cluster 3740) connect at weight=87.0
2025-04-09 19:04:12.489 | DEBUG    | __main__:<module>:20 - Iteration 1745: Points 1677 (cluster 3744) and 1726 (cluster 3707) connect at weight=87.0
2025-04-09 19:04:12.489 | DEBUG    | __main__:<module>:20 - Iteration 1746: Points 1661 (cluster 3745) and 1761 (cluster 3733) connect at weight=87.0
2025-04-09 19:04:12.489 | DEBUG    | __main__:<module>:20 - Iteration 1747: Points 1653 (cluster 3731) and 1728 (cluster 1728) connect at weight=87.0
2025-04-09 19:04:12.489 | DEBUG    | __main__:<module>:20 - Iteration 1748: Points 1645 (cluster 3746) and 1746 (cluster 1746) connect at weight=87.0
2025-04-09 19:04:12.490 | DEBUG    | __main__:<module>:20 - Iteration 1749: Points 1751 (cluster 1751) and 1739 (cluster 1739) connect at weight=86.0
2025-04-09 19:04:12.490 | DEBUG    | __main__:<module>:20 - Iteration 1750: Points 1740 (cluster 3742) and 1719 (cluster 3748) connect at weight=86.0
2025-04-09 19:04:12.490 | DEBUG    | __main__:<module>:20 - Iteration 1751: Points 1736 (cluster 1736) and 1732 (cluster 3735) connect at weight=86.0
2025-04-09 19:04:12.490 | DEBUG    | __main__:<module>:20 - Iteration 1752: Points 1734 (cluster 3750) and 1760 (cluster 1760) connect at weight=86.0
2025-04-09 19:04:12.490 | DEBUG    | __main__:<module>:20 - Iteration 1753: Points 1705 (cluster 3752) and 1678 (cluster 3730) connect at weight=86.0
2025-04-09 19:04:12.491 | DEBUG    | __main__:<module>:20 - Iteration 1754: Points 1681 (cluster 1681) and 1533 (cluster 3747) connect at weight=86.0
2025-04-09 19:04:12.491 | DEBUG    | __main__:<module>:20 - Iteration 1755: Points 1660 (cluster 3753) and 1724 (cluster 1724) connect at weight=86.0
2025-04-09 19:04:12.491 | DEBUG    | __main__:<module>:20 - Iteration 1756: Points 1757 (cluster 3755) and 1776 (cluster 1776) connect at weight=85.0
2025-04-09 19:04:12.491 | DEBUG    | __main__:<module>:20 - Iteration 1757: Points 1738 (cluster 3756) and 1764 (cluster 1764) connect at weight=85.0
2025-04-09 19:04:12.491 | DEBUG    | __main__:<module>:20 - Iteration 1758: Points 1727 (cluster 3757) and 1755 (cluster 1755) connect at weight=85.0
2025-04-09 19:04:12.491 | DEBUG    | __main__:<module>:20 - Iteration 1759: Points 1713 (cluster 3758) and 1770 (cluster 1770) connect at weight=85.0
2025-04-09 19:04:12.492 | DEBUG    | __main__:<module>:20 - Iteration 1760: Points 1689 (cluster 3759) and 1759 (cluster 3734) connect at weight=85.0
2025-04-09 19:04:12.492 | DEBUG    | __main__:<module>:20 - Iteration 1761: Points 1762 (cluster 3760) and 1763 (cluster 1763) connect at weight=84.0
2025-04-09 19:04:12.492 | DEBUG    | __main__:<module>:20 - Iteration 1762: Points 1730 (cluster 3761) and 1772 (cluster 1772) connect at weight=84.0
2025-04-09 19:04:12.492 | DEBUG    | __main__:<module>:20 - Iteration 1763: Points 1665 (cluster 3762) and 1771 (cluster 1771) connect at weight=84.0
2025-04-09 19:04:12.493 | DEBUG    | __main__:<module>:20 - Iteration 1764: Points 1614 (cluster 3763) and 1765 (cluster 1765) connect at weight=84.0
2025-04-09 19:04:12.493 | DEBUG    | __main__:<module>:20 - Iteration 1765: Points 1734 (cluster 3764) and 1780 (cluster 1780) connect at weight=83.0
2025-04-09 19:04:12.493 | DEBUG    | __main__:<module>:20 - Iteration 1766: Points 1732 (cluster 3751) and 1681 (cluster 3754) connect at weight=83.0
2025-04-09 19:04:12.493 | DEBUG    | __main__:<module>:20 - Iteration 1767: Points 1692 (cluster 3765) and 1779 (cluster 1779) connect at weight=83.0
2025-04-09 19:04:12.493 | DEBUG    | __main__:<module>:20 - Iteration 1768: Points 1678 (cluster 3767) and 1736 (cluster 3766) connect at weight=83.0
2025-04-09 19:04:12.494 | DEBUG    | __main__:<module>:20 - Iteration 1769: Points 1674 (cluster 3768) and 1767 (cluster 1767) connect at weight=83.0
2025-04-09 19:04:12.495 | DEBUG    | __main__:<module>:20 - Iteration 1770: Points 1784 (cluster 1784) and 1783 (cluster 1783) connect at weight=82.0
2025-04-09 19:04:12.496 | DEBUG    | __main__:<module>:20 - Iteration 1771: Points 1768 (cluster 1768) and 1774 (cluster 1774) connect at weight=82.0
2025-04-09 19:04:12.496 | DEBUG    | __main__:<module>:20 - Iteration 1772: Points 1758 (cluster 1758) and 1769 (cluster 1769) connect at weight=82.0
2025-04-09 19:04:12.496 | DEBUG    | __main__:<module>:20 - Iteration 1773: Points 1748 (cluster 3769) and 1787 (cluster 1787) connect at weight=82.0
2025-04-09 19:04:12.496 | DEBUG    | __main__:<module>:20 - Iteration 1774: Points 1769 (cluster 3772) and 1777 (cluster 1777) connect at weight=81.0
2025-04-09 19:04:12.496 | DEBUG    | __main__:<module>:20 - Iteration 1775: Points 1766 (cluster 1766) and 1751 (cluster 3749) connect at weight=81.0
2025-04-09 19:04:12.497 | DEBUG    | __main__:<module>:20 - Iteration 1776: Points 1628 (cluster 3773) and 1784 (cluster 3770) connect at weight=81.0
2025-04-09 19:04:12.497 | DEBUG    | __main__:<module>:20 - Iteration 1777: Points 1776 (cluster 3776) and 1758 (cluster 3774) connect at weight=80.0
2025-04-09 19:04:12.497 | DEBUG    | __main__:<module>:20 - Iteration 1778: Points 1773 (cluster 1773) and 1768 (cluster 3771) connect at weight=80.0
2025-04-09 19:04:12.497 | DEBUG    | __main__:<module>:20 - Iteration 1779: Points 1760 (cluster 3777) and 1778 (cluster 1778) connect at weight=80.0
2025-04-09 19:04:12.497 | DEBUG    | __main__:<module>:20 - Iteration 1780: Points 1755 (cluster 3779) and 1793 (cluster 1793) connect at weight=80.0
2025-04-09 19:04:12.497 | DEBUG    | __main__:<module>:20 - Iteration 1781: Points 1742 (cluster 3780) and 1766 (cluster 3775) connect at weight=80.0
2025-04-09 19:04:12.498 | DEBUG    | __main__:<module>:20 - Iteration 1782: Points 1631 (cluster 3781) and 1775 (cluster 1775) connect at weight=80.0
2025-04-09 19:04:12.498 | DEBUG    | __main__:<module>:20 - Iteration 1783: Points 1296 (cluster 3782) and 1794 (cluster 1794) connect at weight=80.0
2025-04-09 19:04:12.498 | DEBUG    | __main__:<module>:20 - Iteration 1784: Points 1789 (cluster 1789) and 1782 (cluster 1782) connect at weight=79.0
2025-04-09 19:04:12.498 | DEBUG    | __main__:<module>:20 - Iteration 1785: Points 1783 (cluster 3783) and 1792 (cluster 1792) connect at weight=79.0
2025-04-09 19:04:12.498 | DEBUG    | __main__:<module>:20 - Iteration 1786: Points 1782 (cluster 3784) and 1785 (cluster 1785) connect at weight=79.0
2025-04-09 19:04:12.499 | DEBUG    | __main__:<module>:20 - Iteration 1787: Points 1777 (cluster 3785) and 1788 (cluster 1788) connect at weight=79.0
2025-04-09 19:04:12.499 | DEBUG    | __main__:<module>:20 - Iteration 1788: Points 1777 (cluster 3787) and 1773 (cluster 3778) connect at weight=79.0
2025-04-09 19:04:12.499 | DEBUG    | __main__:<module>:20 - Iteration 1789: Points 1792 (cluster 3788) and 1797 (cluster 1797) connect at weight=78.0
2025-04-09 19:04:12.499 | DEBUG    | __main__:<module>:20 - Iteration 1790: Points 1784 (cluster 3789) and 1801 (cluster 1801) connect at weight=78.0
2025-04-09 19:04:12.499 | DEBUG    | __main__:<module>:20 - Iteration 1791: Points 1756 (cluster 3790) and 1786 (cluster 1786) connect at weight=78.0
2025-04-09 19:04:12.499 | DEBUG    | __main__:<module>:20 - Iteration 1792: Points 1697 (cluster 3791) and 1781 (cluster 1781) connect at weight=77.0
2025-04-09 19:04:12.500 | DEBUG    | __main__:<module>:20 - Iteration 1793: Points 1692 (cluster 3792) and 1789 (cluster 3786) connect at weight=77.0
2025-04-09 19:04:12.500 | DEBUG    | __main__:<module>:20 - Iteration 1794: Points 1686 (cluster 3793) and 1795 (cluster 1795) connect at weight=77.0
2025-04-09 19:04:12.500 | DEBUG    | __main__:<module>:20 - Iteration 1795: Points 1767 (cluster 3794) and 1805 (cluster 1805) connect at weight=76.0
2025-04-09 19:04:12.500 | DEBUG    | __main__:<module>:20 - Iteration 1796: Points 1712 (cluster 3795) and 1790 (cluster 1790) connect at weight=75.0
2025-04-09 19:04:12.500 | DEBUG    | __main__:<module>:20 - Iteration 1797: Points 1797 (cluster 3796) and 1799 (cluster 1799) connect at weight=74.0
2025-04-09 19:04:12.500 | DEBUG    | __main__:<module>:20 - Iteration 1798: Points 1778 (cluster 3797) and 1804 (cluster 1804) connect at weight=74.0
2025-04-09 19:04:12.501 | DEBUG    | __main__:<module>:20 - Iteration 1799: Points 1771 (cluster 3798) and 1812 (cluster 1812) connect at weight=73.0
2025-04-09 19:04:12.501 | DEBUG    | __main__:<module>:20 - Iteration 1800: Points 1769 (cluster 3799) and 1798 (cluster 1798) connect at weight=73.0
2025-04-09 19:04:12.501 | DEBUG    | __main__:<module>:20 - Iteration 1801: Points 1680 (cluster 3800) and 1809 (cluster 1809) connect at weight=73.0
2025-04-09 19:04:12.501 | DEBUG    | __main__:<module>:20 - Iteration 1802: Points 1678 (cluster 3801) and 1803 (cluster 1803) connect at weight=73.0
2025-04-09 19:04:12.501 | DEBUG    | __main__:<module>:20 - Iteration 1803: Points 1806 (cluster 1806) and 1810 (cluster 1810) connect at weight=72.0
2025-04-09 19:04:12.502 | DEBUG    | __main__:<module>:20 - Iteration 1804: Points 1773 (cluster 3802) and 1796 (cluster 1796) connect at weight=72.0
2025-04-09 19:04:12.502 | DEBUG    | __main__:<module>:20 - Iteration 1805: Points 1765 (cluster 3804) and 1806 (cluster 3803) connect at weight=72.0
2025-04-09 19:04:12.502 | DEBUG    | __main__:<module>:20 - Iteration 1806: Points 1750 (cluster 3805) and 1800 (cluster 1800) connect at weight=72.0
2025-04-09 19:04:12.502 | DEBUG    | __main__:<module>:20 - Iteration 1807: Points 1553 (cluster 3806) and 1813 (cluster 1813) connect at weight=72.0
2025-04-09 19:04:12.502 | DEBUG    | __main__:<module>:20 - Iteration 1808: Points 1230 (cluster 3807) and 1818 (cluster 1818) connect at weight=71.0
2025-04-09 19:04:12.502 | DEBUG    | __main__:<module>:20 - Iteration 1809: Points 1807 (cluster 1807) and 1811 (cluster 1811) connect at weight=70.0
2025-04-09 19:04:12.503 | DEBUG    | __main__:<module>:20 - Iteration 1810: Points 1805 (cluster 3808) and 1814 (cluster 1814) connect at weight=70.0
2025-04-09 19:04:12.503 | DEBUG    | __main__:<module>:20 - Iteration 1811: Points 1804 (cluster 3810) and 1816 (cluster 1816) connect at weight=70.0
2025-04-09 19:04:12.503 | DEBUG    | __main__:<module>:20 - Iteration 1812: Points 1785 (cluster 3811) and 1808 (cluster 1808) connect at weight=70.0
2025-04-09 19:04:12.503 | DEBUG    | __main__:<module>:20 - Iteration 1813: Points 1778 (cluster 3812) and 1821 (cluster 1821) connect at weight=70.0
2025-04-09 19:04:12.503 | DEBUG    | __main__:<module>:20 - Iteration 1814: Points 1753 (cluster 3813) and 1819 (cluster 1819) connect at weight=70.0
2025-04-09 19:04:12.504 | DEBUG    | __main__:<module>:20 - Iteration 1815: Points 1746 (cluster 3814) and 1815 (cluster 1815) connect at weight=69.0
2025-04-09 19:04:12.504 | DEBUG    | __main__:<module>:20 - Iteration 1816: Points 1770 (cluster 3815) and 1817 (cluster 1817) connect at weight=68.0
2025-04-09 19:04:12.504 | DEBUG    | __main__:<module>:20 - Iteration 1817: Points 1764 (cluster 3816) and 1807 (cluster 3809) connect at weight=68.0
2025-04-09 19:04:12.504 | DEBUG    | __main__:<module>:20 - Iteration 1818: Points 1651 (cluster 3817) and 1827 (cluster 1827) connect at weight=68.0
2025-04-09 19:04:12.504 | DEBUG    | __main__:<module>:20 - Iteration 1819: Points 1828 (cluster 1828) and 1826 (cluster 1826) connect at weight=67.0
2025-04-09 19:04:12.505 | DEBUG    | __main__:<module>:20 - Iteration 1820: Points 1712 (cluster 3818) and 1820 (cluster 1820) connect at weight=67.0
2025-04-09 19:04:12.505 | DEBUG    | __main__:<module>:20 - Iteration 1821: Points 1277 (cluster 3820) and 1833 (cluster 1833) connect at weight=67.0
2025-04-09 19:04:12.505 | DEBUG    | __main__:<module>:20 - Iteration 1822: Points 1819 (cluster 3821) and 1830 (cluster 1830) connect at weight=66.0
2025-04-09 19:04:12.505 | DEBUG    | __main__:<module>:20 - Iteration 1823: Points 1800 (cluster 3822) and 1791 (cluster 1791) connect at weight=66.0
2025-04-09 19:04:12.505 | DEBUG    | __main__:<module>:20 - Iteration 1824: Points 1781 (cluster 3823) and 1824 (cluster 1824) connect at weight=66.0
2025-04-09 19:04:12.505 | DEBUG    | __main__:<module>:20 - Iteration 1825: Points 1771 (cluster 3824) and 1832 (cluster 1832) connect at weight=66.0
2025-04-09 19:04:12.506 | DEBUG    | __main__:<module>:20 - Iteration 1826: Points 1724 (cluster 3825) and 1823 (cluster 1823) connect at weight=66.0
2025-04-09 19:04:12.506 | DEBUG    | __main__:<module>:20 - Iteration 1827: Points 1826 (cluster 3819) and 1822 (cluster 1822) connect at weight=65.0
2025-04-09 19:04:12.506 | DEBUG    | __main__:<module>:20 - Iteration 1828: Points 1822 (cluster 3827) and 1829 (cluster 1829) connect at weight=65.0
2025-04-09 19:04:12.506 | DEBUG    | __main__:<module>:20 - Iteration 1829: Points 1803 (cluster 3826) and 1825 (cluster 1825) connect at weight=65.0
2025-04-09 19:04:12.506 | DEBUG    | __main__:<module>:20 - Iteration 1830: Points 1572 (cluster 3829) and 1802 (cluster 1802) connect at weight=65.0
2025-04-09 19:04:12.507 | DEBUG    | __main__:<module>:20 - Iteration 1831: Points 1746 (cluster 3830) and 1834 (cluster 1834) connect at weight=64.0
2025-04-09 19:04:12.507 | DEBUG    | __main__:<module>:20 - Iteration 1832: Points 1702 (cluster 3831) and 1828 (cluster 3828) connect at weight=64.0
2025-04-09 19:04:12.507 | DEBUG    | __main__:<module>:20 - Iteration 1833: Points 1842 (cluster 1842) and 1850 (cluster 1850) connect at weight=63.0
2025-04-09 19:04:12.507 | DEBUG    | __main__:<module>:20 - Iteration 1834: Points 1840 (cluster 1840) and 1844 (cluster 1844) connect at weight=63.0
2025-04-09 19:04:12.507 | DEBUG    | __main__:<module>:20 - Iteration 1835: Points 1819 (cluster 3832) and 1837 (cluster 1837) connect at weight=63.0
2025-04-09 19:04:12.507 | DEBUG    | __main__:<module>:20 - Iteration 1836: Points 1815 (cluster 3835) and 1846 (cluster 1846) connect at weight=63.0
2025-04-09 19:04:12.508 | DEBUG    | __main__:<module>:20 - Iteration 1837: Points 1763 (cluster 3836) and 1835 (cluster 1835) connect at weight=63.0
2025-04-09 19:04:12.508 | DEBUG    | __main__:<module>:20 - Iteration 1838: Points 1271 (cluster 3837) and 1843 (cluster 1843) connect at weight=63.0
2025-04-09 19:04:12.508 | DEBUG    | __main__:<module>:20 - Iteration 1839: Points 1842 (cluster 3833) and 1852 (cluster 1852) connect at weight=62.0
2025-04-09 19:04:12.508 | DEBUG    | __main__:<module>:20 - Iteration 1840: Points 1836 (cluster 1836) and 1841 (cluster 1841) connect at weight=62.0
2025-04-09 19:04:12.508 | DEBUG    | __main__:<module>:20 - Iteration 1841: Points 1832 (cluster 3838) and 1831 (cluster 1831) connect at weight=62.0
2025-04-09 19:04:12.509 | DEBUG    | __main__:<module>:20 - Iteration 1842: Points 1830 (cluster 3841) and 1845 (cluster 1845) connect at weight=62.0
2025-04-09 19:04:12.509 | DEBUG    | __main__:<module>:20 - Iteration 1843: Points 1829 (cluster 3842) and 1848 (cluster 1848) connect at weight=62.0
2025-04-09 19:04:12.509 | DEBUG    | __main__:<module>:20 - Iteration 1844: Points 1828 (cluster 3843) and 1842 (cluster 3839) connect at weight=62.0
2025-04-09 19:04:12.509 | DEBUG    | __main__:<module>:20 - Iteration 1845: Points 1793 (cluster 3844) and 1839 (cluster 1839) connect at weight=62.0
2025-04-09 19:04:12.509 | DEBUG    | __main__:<module>:20 - Iteration 1846: Points 1699 (cluster 3845) and 1840 (cluster 3834) connect at weight=62.0
2025-04-09 19:04:12.509 | DEBUG    | __main__:<module>:20 - Iteration 1847: Points 1824 (cluster 3846) and 1847 (cluster 1847) connect at weight=61.0
2025-04-09 19:04:12.510 | DEBUG    | __main__:<module>:20 - Iteration 1848: Points 1737 (cluster 3847) and 1836 (cluster 3840) connect at weight=61.0
2025-04-09 19:04:12.510 | DEBUG    | __main__:<module>:20 - Iteration 1849: Points 1850 (cluster 3848) and 1853 (cluster 1853) connect at weight=60.0
2025-04-09 19:04:12.510 | DEBUG    | __main__:<module>:20 - Iteration 1850: Points 1831 (cluster 3849) and 1861 (cluster 1861) connect at weight=60.0
2025-04-09 19:04:12.510 | DEBUG    | __main__:<module>:20 - Iteration 1851: Points 1704 (cluster 3850) and 1851 (cluster 1851) connect at weight=60.0
2025-04-09 19:04:12.510 | DEBUG    | __main__:<module>:20 - Iteration 1852: Points 1822 (cluster 3851) and 1856 (cluster 1856) connect at weight=59.0
2025-04-09 19:04:12.511 | DEBUG    | __main__:<module>:20 - Iteration 1853: Points 1817 (cluster 3852) and 1838 (cluster 1838) connect at weight=59.0
2025-04-09 19:04:12.511 | DEBUG    | __main__:<module>:20 - Iteration 1854: Points 1810 (cluster 3853) and 1849 (cluster 1849) connect at weight=59.0
2025-04-09 19:04:12.515 | DEBUG    | __main__:<module>:20 - Iteration 1855: Points 1849 (cluster 3854) and 1863 (cluster 1863) connect at weight=58.0
2025-04-09 19:04:12.516 | DEBUG    | __main__:<module>:20 - Iteration 1856: Points 1835 (cluster 3855) and 1859 (cluster 1859) connect at weight=58.0
2025-04-09 19:04:12.516 | DEBUG    | __main__:<module>:20 - Iteration 1857: Points 1798 (cluster 3856) and 1855 (cluster 1855) connect at weight=58.0
2025-04-09 19:04:12.516 | DEBUG    | __main__:<module>:20 - Iteration 1858: Points 1796 (cluster 3857) and 1862 (cluster 1862) connect at weight=58.0
2025-04-09 19:04:12.516 | DEBUG    | __main__:<module>:20 - Iteration 1859: Points 1786 (cluster 3858) and 1858 (cluster 1858) connect at weight=58.0
2025-04-09 19:04:12.516 | DEBUG    | __main__:<module>:20 - Iteration 1860: Points 1847 (cluster 3859) and 1864 (cluster 1864) connect at weight=57.0
2025-04-09 19:04:12.517 | DEBUG    | __main__:<module>:20 - Iteration 1861: Points 1845 (cluster 3860) and 1866 (cluster 1866) connect at weight=57.0
2025-04-09 19:04:12.517 | DEBUG    | __main__:<module>:20 - Iteration 1862: Points 1815 (cluster 3861) and 1867 (cluster 1867) connect at weight=57.0
2025-04-09 19:04:12.517 | DEBUG    | __main__:<module>:20 - Iteration 1863: Points 1789 (cluster 3862) and 1854 (cluster 1854) connect at weight=57.0
2025-04-09 19:04:12.517 | DEBUG    | __main__:<module>:20 - Iteration 1864: Points 1763 (cluster 3863) and 1869 (cluster 1869) connect at weight=57.0
2025-04-09 19:04:12.517 | DEBUG    | __main__:<module>:20 - Iteration 1865: Points 1756 (cluster 3864) and 1857 (cluster 1857) connect at weight=57.0
2025-04-09 19:04:12.517 | DEBUG    | __main__:<module>:20 - Iteration 1866: Points 1849 (cluster 3865) and 1870 (cluster 1870) connect at weight=56.0
2025-04-09 19:04:12.518 | DEBUG    | __main__:<module>:20 - Iteration 1867: Points 1844 (cluster 3866) and 1872 (cluster 1872) connect at weight=56.0
2025-04-09 19:04:12.518 | DEBUG    | __main__:<module>:20 - Iteration 1868: Points 1802 (cluster 3867) and 1865 (cluster 1865) connect at weight=56.0
2025-04-09 19:04:12.518 | DEBUG    | __main__:<module>:20 - Iteration 1869: Points 1869 (cluster 3868) and 1875 (cluster 1875) connect at weight=55.0
2025-04-09 19:04:12.518 | DEBUG    | __main__:<module>:20 - Iteration 1870: Points 1849 (cluster 3869) and 1880 (cluster 1880) connect at weight=55.0
2025-04-09 19:04:12.518 | DEBUG    | __main__:<module>:20 - Iteration 1871: Points 1847 (cluster 3870) and 1871 (cluster 1871) connect at weight=55.0
2025-04-09 19:04:12.519 | DEBUG    | __main__:<module>:20 - Iteration 1872: Points 1860 (cluster 1860) and 1879 (cluster 1879) connect at weight=54.0
2025-04-09 19:04:12.519 | DEBUG    | __main__:<module>:20 - Iteration 1873: Points 1858 (cluster 3871) and 1882 (cluster 1882) connect at weight=54.0
2025-04-09 19:04:12.519 | DEBUG    | __main__:<module>:20 - Iteration 1874: Points 1838 (cluster 3873) and 1885 (cluster 1885) connect at weight=54.0
2025-04-09 19:04:12.519 | DEBUG    | __main__:<module>:20 - Iteration 1875: Points 1884 (cluster 1884) and 1888 (cluster 1888) connect at weight=53.0
2025-04-09 19:04:12.519 | DEBUG    | __main__:<module>:20 - Iteration 1876: Points 1874 (cluster 1874) and 1878 (cluster 1878) connect at weight=53.0
2025-04-09 19:04:12.519 | DEBUG    | __main__:<module>:20 - Iteration 1877: Points 1852 (cluster 3874) and 1876 (cluster 1876) connect at weight=53.0
2025-04-09 19:04:12.520 | DEBUG    | __main__:<module>:20 - Iteration 1878: Points 1836 (cluster 3877) and 1868 (cluster 1868) connect at weight=53.0
2025-04-09 19:04:12.520 | DEBUG    | __main__:<module>:20 - Iteration 1879: Points 1829 (cluster 3878) and 1881 (cluster 1881) connect at weight=53.0
2025-04-09 19:04:12.520 | DEBUG    | __main__:<module>:20 - Iteration 1880: Points 1811 (cluster 3879) and 1873 (cluster 1873) connect at weight=53.0
2025-04-09 19:04:12.520 | DEBUG    | __main__:<module>:20 - Iteration 1881: Points 1807 (cluster 3880) and 1874 (cluster 3876) connect at weight=53.0
2025-04-09 19:04:12.521 | DEBUG    | __main__:<module>:20 - Iteration 1882: Points 1723 (cluster 3881) and 1877 (cluster 1877) connect at weight=53.0
2025-04-09 19:04:12.521 | DEBUG    | __main__:<module>:20 - Iteration 1883: Points 1881 (cluster 3882) and 1884 (cluster 3875) connect at weight=52.0
2025-04-09 19:04:12.521 | DEBUG    | __main__:<module>:20 - Iteration 1884: Points 1871 (cluster 3883) and 1860 (cluster 3872) connect at weight=52.0
2025-04-09 19:04:12.522 | DEBUG    | __main__:<module>:20 - Iteration 1885: Points 1823 (cluster 3884) and 1890 (cluster 1890) connect at weight=52.0
2025-04-09 19:04:12.522 | DEBUG    | __main__:<module>:20 - Iteration 1886: Points 1895 (cluster 1895) and 1893 (cluster 1893) connect at weight=51.0
2025-04-09 19:04:12.522 | DEBUG    | __main__:<module>:20 - Iteration 1887: Points 1859 (cluster 3885) and 1887 (cluster 1887) connect at weight=51.0
2025-04-09 19:04:12.522 | DEBUG    | __main__:<module>:20 - Iteration 1888: Points 1718 (cluster 3887) and 1886 (cluster 1886) connect at weight=51.0
2025-04-09 19:04:12.522 | DEBUG    | __main__:<module>:20 - Iteration 1889: Points 1857 (cluster 3888) and 1891 (cluster 1891) connect at weight=50.0
2025-04-09 19:04:12.522 | DEBUG    | __main__:<module>:20 - Iteration 1890: Points 1854 (cluster 3889) and 1883 (cluster 1883) connect at weight=50.0
2025-04-09 19:04:12.523 | DEBUG    | __main__:<module>:20 - Iteration 1891: Points 1617 (cluster 3890) and 1898 (cluster 1898) connect at weight=50.0
2025-04-09 19:04:12.523 | DEBUG    | __main__:<module>:20 - Iteration 1892: Points 1876 (cluster 3891) and 1896 (cluster 1896) connect at weight=49.0
2025-04-09 19:04:12.523 | DEBUG    | __main__:<module>:20 - Iteration 1893: Points 1861 (cluster 3892) and 1892 (cluster 1892) connect at weight=49.0
2025-04-09 19:04:12.523 | DEBUG    | __main__:<module>:20 - Iteration 1894: Points 1852 (cluster 3893) and 1897 (cluster 1897) connect at weight=49.0
2025-04-09 19:04:12.523 | DEBUG    | __main__:<module>:20 - Iteration 1895: Points 1886 (cluster 3894) and 1894 (cluster 1894) connect at weight=48.0
2025-04-09 19:04:12.523 | DEBUG    | __main__:<module>:20 - Iteration 1896: Points 1880 (cluster 3895) and 1902 (cluster 1902) connect at weight=48.0
2025-04-09 19:04:12.524 | DEBUG    | __main__:<module>:20 - Iteration 1897: Points 1816 (cluster 3896) and 1889 (cluster 1889) connect at weight=48.0
2025-04-09 19:04:12.524 | DEBUG    | __main__:<module>:20 - Iteration 1898: Points 1795 (cluster 3897) and 1895 (cluster 3886) connect at weight=48.0
2025-04-09 19:04:12.524 | DEBUG    | __main__:<module>:20 - Iteration 1899: Points 1904 (cluster 1904) and 1903 (cluster 1903) connect at weight=47.0
2025-04-09 19:04:12.524 | DEBUG    | __main__:<module>:20 - Iteration 1900: Points 1892 (cluster 3898) and 1904 (cluster 3899) connect at weight=47.0
2025-04-09 19:04:12.524 | DEBUG    | __main__:<module>:20 - Iteration 1901: Points 1879 (cluster 3900) and 1900 (cluster 1900) connect at weight=47.0
2025-04-09 19:04:12.525 | DEBUG    | __main__:<module>:20 - Iteration 1902: Points 1897 (cluster 3901) and 1901 (cluster 1901) connect at weight=46.0
2025-04-09 19:04:12.525 | DEBUG    | __main__:<module>:20 - Iteration 1903: Points 1891 (cluster 3902) and 1910 (cluster 1910) connect at weight=46.0
2025-04-09 19:04:12.525 | DEBUG    | __main__:<module>:20 - Iteration 1904: Points 1888 (cluster 3903) and 1906 (cluster 1906) connect at weight=46.0
2025-04-09 19:04:12.525 | DEBUG    | __main__:<module>:20 - Iteration 1905: Points 1882 (cluster 3904) and 1912 (cluster 1912) connect at weight=46.0
2025-04-09 19:04:12.525 | DEBUG    | __main__:<module>:20 - Iteration 1906: Points 1839 (cluster 3905) and 1908 (cluster 1908) connect at weight=46.0
2025-04-09 19:04:12.525 | DEBUG    | __main__:<module>:20 - Iteration 1907: Points 1831 (cluster 3906) and 1899 (cluster 1899) connect at weight=46.0
2025-04-09 19:04:12.526 | DEBUG    | __main__:<module>:20 - Iteration 1908: Points 1904 (cluster 3907) and 1914 (cluster 1914) connect at weight=45.0
2025-04-09 19:04:12.526 | DEBUG    | __main__:<module>:20 - Iteration 1909: Points 1896 (cluster 3908) and 1909 (cluster 1909) connect at weight=45.0
2025-04-09 19:04:12.526 | DEBUG    | __main__:<module>:20 - Iteration 1910: Points 1885 (cluster 3909) and 1905 (cluster 1905) connect at weight=45.0
2025-04-09 19:04:12.526 | DEBUG    | __main__:<module>:20 - Iteration 1911: Points 1844 (cluster 3910) and 1907 (cluster 1907) connect at weight=45.0
2025-04-09 19:04:12.527 | DEBUG    | __main__:<module>:20 - Iteration 1912: Points 1909 (cluster 3911) and 1913 (cluster 1913) connect at weight=44.0
2025-04-09 19:04:12.527 | DEBUG    | __main__:<module>:20 - Iteration 1913: Points 1851 (cluster 3912) and 1916 (cluster 1916) connect at weight=43.0
2025-04-09 19:04:12.527 | DEBUG    | __main__:<module>:20 - Iteration 1914: Points 1867 (cluster 3913) and 1911 (cluster 1911) connect at weight=42.0
2025-04-09 19:04:12.527 | DEBUG    | __main__:<module>:20 - Iteration 1915: Points 1866 (cluster 3914) and 1915 (cluster 1915) connect at weight=42.0
2025-04-09 19:04:12.527 | DEBUG    | __main__:<module>:20 - Iteration 1916: Points 1813 (cluster 3915) and 1918 (cluster 1918) connect at weight=41.0
2025-04-09 19:04:12.527 | DEBUG    | __main__:<module>:20 - Iteration 1917: Points 1913 (cluster 3916) and 1917 (cluster 1917) connect at weight=40.0
2025-04-09 19:04:12.528 | DEBUG    | __main__:<module>:20 - Iteration 1918: Points 1906 (cluster 3917) and 1919 (cluster 1919) connect at weight=40.0
2025-04-09 19:04:12.528 | DEBUG    | __main__:<module>:20 - Iteration 1919: Points 1894 (cluster 3918) and 1921 (cluster 1921) connect at weight=39.0
2025-04-09 19:04:12.528 | DEBUG    | __main__:<module>:20 - Iteration 1920: Points 1913 (cluster 3919) and 1924 (cluster 1924) connect at weight=37.0
2025-04-09 19:04:12.528 | DEBUG    | __main__:<module>:20 - Iteration 1921: Points 1877 (cluster 3920) and 1922 (cluster 1922) connect at weight=37.0
2025-04-09 19:04:12.528 | DEBUG    | __main__:<module>:20 - Iteration 1922: Points 1916 (cluster 3921) and 1928 (cluster 1928) connect at weight=36.0
2025-04-09 19:04:12.528 | DEBUG    | __main__:<module>:20 - Iteration 1923: Points 1907 (cluster 3922) and 1925 (cluster 1925) connect at weight=36.0
2025-04-09 19:04:12.529 | DEBUG    | __main__:<module>:20 - Iteration 1924: Points 1889 (cluster 3923) and 1929 (cluster 1929) connect at weight=34.0
2025-04-09 19:04:12.529 | DEBUG    | __main__:<module>:20 - Iteration 1925: Points 1889 (cluster 3924) and 1926 (cluster 1926) connect at weight=34.0
2025-04-09 19:04:12.529 | DEBUG    | __main__:<module>:20 - Iteration 1926: Points 1592 (cluster 3925) and 1927 (cluster 1927) connect at weight=34.0
2025-04-09 19:04:12.529 | DEBUG    | __main__:<module>:20 - Iteration 1927: Points 1912 (cluster 3926) and 1923 (cluster 1923) connect at weight=33.0
2025-04-09 19:04:12.529 | DEBUG    | __main__:<module>:20 - Iteration 1928: Points 1901 (cluster 3927) and 1930 (cluster 1930) connect at weight=33.0
2025-04-09 19:04:12.529 | DEBUG    | __main__:<module>:20 - Iteration 1929: Points 1914 (cluster 3928) and 1931 (cluster 1931) connect at weight=32.0
2025-04-09 19:04:12.530 | DEBUG    | __main__:<module>:20 - Iteration 1930: Points 1902 (cluster 3929) and 1920 (cluster 1920) connect at weight=32.0
2025-04-09 19:04:12.530 | DEBUG    | __main__:<module>:20 - Iteration 1931: Points 1929 (cluster 3930) and 1932 (cluster 1932) connect at weight=31.0
2025-04-09 19:04:12.530 | DEBUG    | __main__:<module>:20 - Iteration 1932: Points 1669 (cluster 3931) and 1933 (cluster 1933) connect at weight=30.0
2025-04-09 19:04:12.530 | DEBUG    | __main__:<module>:20 - Iteration 1933: Points 1900 (cluster 3932) and 1935 (cluster 1935) connect at weight=29.0
2025-04-09 19:04:12.530 | DEBUG    | __main__:<module>:20 - Iteration 1934: Points 1890 (cluster 3933) and 1934 (cluster 1934) connect at weight=29.0
2025-04-09 19:04:12.531 | DEBUG    | __main__:<module>:20 - Iteration 1935: Points 1930 (cluster 3934) and 1939 (cluster 1939) connect at weight=28.0
2025-04-09 19:04:12.531 | DEBUG    | __main__:<module>:20 - Iteration 1936: Points 1930 (cluster 3935) and 1937 (cluster 1937) connect at weight=27.0
2025-04-09 19:04:12.531 | DEBUG    | __main__:<module>:20 - Iteration 1937: Points 1927 (cluster 3936) and 1940 (cluster 1940) connect at weight=26.0
2025-04-09 19:04:12.531 | DEBUG    | __main__:<module>:20 - Iteration 1938: Points 1923 (cluster 3937) and 1936 (cluster 1936) connect at weight=26.0
2025-04-09 19:04:12.531 | DEBUG    | __main__:<module>:20 - Iteration 1939: Points 1941 (cluster 1941) and 1945 (cluster 1945) connect at weight=25.0
2025-04-09 19:04:12.531 | DEBUG    | __main__:<module>:20 - Iteration 1940: Points 1937 (cluster 3938) and 1944 (cluster 1944) connect at weight=25.0
2025-04-09 19:04:12.532 | DEBUG    | __main__:<module>:20 - Iteration 1941: Points 1934 (cluster 3940) and 1941 (cluster 3939) connect at weight=25.0
2025-04-09 19:04:12.532 | DEBUG    | __main__:<module>:20 - Iteration 1942: Points 1868 (cluster 3941) and 1938 (cluster 1938) connect at weight=25.0
2025-04-09 19:04:12.532 | DEBUG    | __main__:<module>:20 - Iteration 1943: Points 1924 (cluster 3942) and 1943 (cluster 1943) connect at weight=24.0
2025-04-09 19:04:12.532 | DEBUG    | __main__:<module>:20 - Iteration 1944: Points 1921 (cluster 3943) and 1942 (cluster 1942) connect at weight=24.0
2025-04-09 19:04:12.532 | DEBUG    | __main__:<module>:20 - Iteration 1945: Points 1947 (cluster 1947) and 1946 (cluster 1946) connect at weight=23.0
2025-04-09 19:04:12.533 | DEBUG    | __main__:<module>:20 - Iteration 1946: Points 1934 (cluster 3944) and 1949 (cluster 1949) connect at weight=22.0
2025-04-09 19:04:12.533 | DEBUG    | __main__:<module>:20 - Iteration 1947: Points 1917 (cluster 3946) and 1947 (cluster 3945) connect at weight=20.0
2025-04-09 19:04:12.533 | DEBUG    | __main__:<module>:20 - Iteration 1948: Points 1949 (cluster 3947) and 1954 (cluster 1954) connect at weight=19.0
2025-04-09 19:04:12.533 | DEBUG    | __main__:<module>:20 - Iteration 1949: Points 1917 (cluster 3948) and 1950 (cluster 1950) connect at weight=19.0
2025-04-09 19:04:12.533 | DEBUG    | __main__:<module>:20 - Iteration 1950: Points 1249 (cluster 3949) and 1956 (cluster 1956) connect at weight=18.0
2025-04-09 19:04:12.533 | DEBUG    | __main__:<module>:20 - Iteration 1951: Points 1952 (cluster 1952) and 1959 (cluster 1959) connect at weight=17.0
2025-04-09 19:04:12.534 | DEBUG    | __main__:<module>:20 - Iteration 1952: Points 1942 (cluster 3950) and 1951 (cluster 1951) connect at weight=17.0
2025-04-09 19:04:12.534 | DEBUG    | __main__:<module>:20 - Iteration 1953: Points 1938 (cluster 3952) and 1953 (cluster 1953) connect at weight=17.0
2025-04-09 19:04:12.534 | DEBUG    | __main__:<module>:20 - Iteration 1954: Points 1935 (cluster 3953) and 1952 (cluster 3951) connect at weight=17.0
2025-04-09 19:04:12.534 | DEBUG    | __main__:<module>:20 - Iteration 1955: Points 1923 (cluster 3954) and 1948 (cluster 1948) connect at weight=17.0
2025-04-09 19:04:12.534 | DEBUG    | __main__:<module>:20 - Iteration 1956: Points 1908 (cluster 3955) and 1955 (cluster 1955) connect at weight=17.0
2025-04-09 19:04:12.535 | DEBUG    | __main__:<module>:20 - Iteration 1957: Points 1843 (cluster 3956) and 1958 (cluster 1958) connect at weight=17.0
2025-04-09 19:04:12.535 | DEBUG    | __main__:<module>:20 - Iteration 1958: Points 1960 (cluster 1960) and 1957 (cluster 1957) connect at weight=16.0
2025-04-09 19:04:12.535 | DEBUG    | __main__:<module>:20 - Iteration 1959: Points 1950 (cluster 3957) and 1962 (cluster 1962) connect at weight=16.0
2025-04-09 19:04:12.535 | DEBUG    | __main__:<module>:20 - Iteration 1960: Points 1931 (cluster 3959) and 1960 (cluster 3958) connect at weight=16.0
2025-04-09 19:04:12.535 | DEBUG    | __main__:<module>:20 - Iteration 1961: Points 1962 (cluster 3960) and 1968 (cluster 1968) connect at weight=15.0
2025-04-09 19:04:12.535 | DEBUG    | __main__:<module>:20 - Iteration 1962: Points 1961 (cluster 1961) and 1966 (cluster 1966) connect at weight=15.0
2025-04-09 19:04:12.536 | DEBUG    | __main__:<module>:20 - Iteration 1963: Points 1953 (cluster 3961) and 1969 (cluster 1969) connect at weight=15.0
2025-04-09 19:04:12.536 | DEBUG    | __main__:<module>:20 - Iteration 1964: Points 1946 (cluster 3963) and 1961 (cluster 3962) connect at weight=15.0
2025-04-09 19:04:12.536 | DEBUG    | __main__:<module>:20 - Iteration 1965: Points 1939 (cluster 3964) and 1965 (cluster 1965) connect at weight=15.0
2025-04-09 19:04:12.536 | DEBUG    | __main__:<module>:20 - Iteration 1966: Points 1951 (cluster 3965) and 1964 (cluster 1964) connect at weight=14.0
2025-04-09 19:04:12.536 | DEBUG    | __main__:<module>:20 - Iteration 1967: Points 1928 (cluster 3966) and 1963 (cluster 1963) connect at weight=14.0
2025-04-09 19:04:12.537 | DEBUG    | __main__:<module>:20 - Iteration 1968: Points 1922 (cluster 3967) and 1971 (cluster 1971) connect at weight=14.0
2025-04-09 19:04:12.537 | DEBUG    | __main__:<module>:20 - Iteration 1969: Points 1389 (cluster 3968) and 1967 (cluster 1967) connect at weight=14.0
2025-04-09 19:04:12.537 | DEBUG    | __main__:<module>:20 - Iteration 1970: Points 1964 (cluster 3969) and 1973 (cluster 1973) connect at weight=13.0
2025-04-09 19:04:12.537 | DEBUG    | __main__:<module>:20 - Iteration 1971: Points 1898 (cluster 3970) and 1974 (cluster 1974) connect at weight=13.0
2025-04-09 19:04:12.537 | DEBUG    | __main__:<module>:20 - Iteration 1972: Points 1944 (cluster 3971) and 1975 (cluster 1975) connect at weight=12.0
2025-04-09 19:04:12.537 | DEBUG    | __main__:<module>:20 - Iteration 1973: Points 1976 (cluster 1976) and 1970 (cluster 1970) connect at weight=11.0
2025-04-09 19:04:12.538 | DEBUG    | __main__:<module>:20 - Iteration 1974: Points 1929 (cluster 3972) and 1972 (cluster 1972) connect at weight=11.0
2025-04-09 19:04:12.539 | DEBUG    | __main__:<module>:20 - Iteration 1975: Points 1973 (cluster 3974) and 1980 (cluster 1980) connect at weight=10.0
2025-04-09 19:04:12.540 | DEBUG    | __main__:<module>:20 - Iteration 1976: Points 1966 (cluster 3975) and 1977 (cluster 1977) connect at weight=10.0
2025-04-09 19:04:12.540 | DEBUG    | __main__:<module>:20 - Iteration 1977: Points 1966 (cluster 3976) and 1976 (cluster 3973) connect at weight=10.0
2025-04-09 19:04:12.540 | DEBUG    | __main__:<module>:20 - Iteration 1978: Points 1979 (cluster 1979) and 1982 (cluster 1982) connect at weight=9.0
2025-04-09 19:04:12.540 | DEBUG    | __main__:<module>:20 - Iteration 1979: Points 1976 (cluster 3977) and 1979 (cluster 3978) connect at weight=9.0
2025-04-09 19:04:12.540 | DEBUG    | __main__:<module>:20 - Iteration 1980: Points 1954 (cluster 3979) and 1985 (cluster 1985) connect at weight=9.0
2025-04-09 19:04:12.545 | DEBUG    | __main__:<module>:20 - Iteration 1981: Points 1980 (cluster 3980) and 1981 (cluster 1981) connect at weight=8.0
2025-04-09 19:04:12.546 | DEBUG    | __main__:<module>:20 - Iteration 1982: Points 1957 (cluster 3981) and 1986 (cluster 1986) connect at weight=8.0
2025-04-09 19:04:12.546 | DEBUG    | __main__:<module>:20 - Iteration 1983: Points 1927 (cluster 3982) and 1978 (cluster 1978) connect at weight=8.0
2025-04-09 19:04:12.547 | DEBUG    | __main__:<module>:20 - Iteration 1984: Points 1986 (cluster 3983) and 1988 (cluster 1988) connect at weight=7.0
2025-04-09 19:04:12.547 | DEBUG    | __main__:<module>:20 - Iteration 1985: Points 1981 (cluster 3984) and 1984 (cluster 1984) connect at weight=7.0
2025-04-09 19:04:12.547 | DEBUG    | __main__:<module>:20 - Iteration 1986: Points 1975 (cluster 3985) and 1987 (cluster 1987) connect at weight=7.0
2025-04-09 19:04:12.547 | DEBUG    | __main__:<module>:20 - Iteration 1987: Points 1959 (cluster 3986) and 1983 (cluster 1983) connect at weight=7.0
2025-04-09 19:04:12.547 | DEBUG    | __main__:<module>:20 - Iteration 1988: Points 1983 (cluster 3987) and 1991 (cluster 1991) connect at weight=6.0
2025-04-09 19:04:12.548 | DEBUG    | __main__:<module>:20 - Iteration 1989: Points 1959 (cluster 3988) and 1990 (cluster 1990) connect at weight=6.0
2025-04-09 19:04:12.548 | DEBUG    | __main__:<module>:20 - Iteration 1990: Points 1982 (cluster 3989) and 1992 (cluster 1992) connect at weight=5.0
2025-04-09 19:04:12.548 | DEBUG    | __main__:<module>:20 - Iteration 1991: Points 1971 (cluster 3990) and 1993 (cluster 1993) connect at weight=5.0
2025-04-09 19:04:12.549 | DEBUG    | __main__:<module>:20 - Iteration 1992: Points 1967 (cluster 3991) and 1989 (cluster 1989) connect at weight=5.0
2025-04-09 19:04:12.549 | DEBUG    | __main__:<module>:20 - Iteration 1993: Points 1982 (cluster 3992) and 1994 (cluster 1994) connect at weight=4.0
2025-04-09 19:04:12.549 | DEBUG    | __main__:<module>:20 - Iteration 1994: Points 1984 (cluster 3993) and 1997 (cluster 1997) connect at weight=3.0
2025-04-09 19:04:12.549 | DEBUG    | __main__:<module>:20 - Iteration 1995: Points 1963 (cluster 3994) and 1995 (cluster 1995) connect at weight=3.0
2025-04-09 19:04:12.549 | DEBUG    | __main__:<module>:20 - Iteration 1996: Points 1996 (cluster 1996) and 1999 (cluster 1999) connect at weight=2.0
2025-04-09 19:04:12.550 | DEBUG    | __main__:<module>:20 - Iteration 1997: Points 1988 (cluster 3995) and 1998 (cluster 1998) connect at weight=2.0
2025-04-09 19:04:12.550 | DEBUG    | __main__:<module>:20 - Iteration 1998: Points 1987 (cluster 3997) and 1996 (cluster 3996) connect at weight=2.0
2025-04-09 19:04:12.551 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 19:04:12.562 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 19:04:12.563 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 19:04:12.604 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterCommonNNMSTPrim
2025-04-09 19:04:13.234 | WARNING  | commonnn.report:wrapper:248 - Point 1999 has no neighbours
2025-04-09 19:04:13.235 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 19:04:13.235 | DEBUG    | __main__:<module>:20 - 1998 edges in MST
2025-04-09 19:04:13.235 | DEBUG    | __main__:<module>:20 - Iteration 0: Points 28 (cluster 28) and 19 (cluster 19) connect at weight=372.0
2025-04-09 19:04:13.236 | DEBUG    | __main__:<module>:20 - Iteration 1: Points 23 (cluster 23) and 35 (cluster 35) connect at weight=372.0
2025-04-09 19:04:13.236 | DEBUG    | __main__:<module>:20 - Iteration 2: Points 19 (cluster 2000) and 27 (cluster 27) connect at weight=372.0
2025-04-09 19:04:13.236 | DEBUG    | __main__:<module>:20 - Iteration 3: Points 27 (cluster 2002) and 29 (cluster 29) connect at weight=371.0
2025-04-09 19:04:13.236 | DEBUG    | __main__:<module>:20 - Iteration 4: Points 19 (cluster 2003) and 25 (cluster 25) connect at weight=371.0
2025-04-09 19:04:13.236 | DEBUG    | __main__:<module>:20 - Iteration 5: Points 10 (cluster 10) and 13 (cluster 13) connect at weight=371.0
2025-04-09 19:04:13.237 | DEBUG    | __main__:<module>:20 - Iteration 6: Points 38 (cluster 38) and 18 (cluster 18) connect at weight=370.0
2025-04-09 19:04:13.237 | DEBUG    | __main__:<module>:20 - Iteration 7: Points 37 (cluster 37) and 38 (cluster 2006) connect at weight=370.0
2025-04-09 19:04:13.237 | DEBUG    | __main__:<module>:20 - Iteration 8: Points 36 (cluster 36) and 48 (cluster 48) connect at weight=370.0
2025-04-09 19:04:13.237 | DEBUG    | __main__:<module>:20 - Iteration 9: Points 35 (cluster 2001) and 28 (cluster 2004) connect at weight=370.0
2025-04-09 19:04:13.237 | DEBUG    | __main__:<module>:20 - Iteration 10: Points 26 (cluster 26) and 8 (cluster 8) connect at weight=370.0
2025-04-09 19:04:13.238 | DEBUG    | __main__:<module>:20 - Iteration 11: Points 21 (cluster 21) and 20 (cluster 20) connect at weight=370.0
2025-04-09 19:04:13.238 | DEBUG    | __main__:<module>:20 - Iteration 12: Points 54 (cluster 54) and 50 (cluster 50) connect at weight=369.0
2025-04-09 19:04:13.238 | DEBUG    | __main__:<module>:20 - Iteration 13: Points 48 (cluster 2008) and 30 (cluster 30) connect at weight=369.0
2025-04-09 19:04:13.238 | DEBUG    | __main__:<module>:20 - Iteration 14: Points 35 (cluster 2009) and 53 (cluster 53) connect at weight=369.0
2025-04-09 19:04:13.238 | DEBUG    | __main__:<module>:20 - Iteration 15: Points 33 (cluster 33) and 39 (cluster 39) connect at weight=369.0
2025-04-09 19:04:13.239 | DEBUG    | __main__:<module>:20 - Iteration 16: Points 33 (cluster 2015) and 31 (cluster 31) connect at weight=369.0
2025-04-09 19:04:13.239 | DEBUG    | __main__:<module>:20 - Iteration 17: Points 25 (cluster 2014) and 36 (cluster 2013) connect at weight=369.0
2025-04-09 19:04:13.239 | DEBUG    | __main__:<module>:20 - Iteration 18: Points 24 (cluster 24) and 11 (cluster 11) connect at weight=369.0
2025-04-09 19:04:13.239 | DEBUG    | __main__:<module>:20 - Iteration 19: Points 23 (cluster 2017) and 49 (cluster 49) connect at weight=369.0
2025-04-09 19:04:13.239 | DEBUG    | __main__:<module>:20 - Iteration 20: Points 21 (cluster 2011) and 45 (cluster 45) connect at weight=369.0
2025-04-09 19:04:13.239 | DEBUG    | __main__:<module>:20 - Iteration 21: Points 20 (cluster 2020) and 23 (cluster 2019) connect at weight=369.0
2025-04-09 19:04:13.240 | DEBUG    | __main__:<module>:20 - Iteration 22: Points 52 (cluster 52) and 22 (cluster 22) connect at weight=368.0
2025-04-09 19:04:13.240 | DEBUG    | __main__:<module>:20 - Iteration 23: Points 49 (cluster 2021) and 54 (cluster 2012) connect at weight=368.0
2025-04-09 19:04:13.240 | DEBUG    | __main__:<module>:20 - Iteration 24: Points 45 (cluster 2023) and 60 (cluster 60) connect at weight=368.0
2025-04-09 19:04:13.240 | DEBUG    | __main__:<module>:20 - Iteration 25: Points 44 (cluster 44) and 56 (cluster 56) connect at weight=368.0
2025-04-09 19:04:13.240 | DEBUG    | __main__:<module>:20 - Iteration 26: Points 42 (cluster 42) and 40 (cluster 40) connect at weight=368.0
2025-04-09 19:04:13.241 | DEBUG    | __main__:<module>:20 - Iteration 27: Points 41 (cluster 41) and 16 (cluster 16) connect at weight=368.0
2025-04-09 19:04:13.241 | DEBUG    | __main__:<module>:20 - Iteration 28: Points 31 (cluster 2016) and 59 (cluster 59) connect at weight=368.0
2025-04-09 19:04:13.241 | DEBUG    | __main__:<module>:20 - Iteration 29: Points 30 (cluster 2024) and 47 (cluster 47) connect at weight=368.0
2025-04-09 19:04:13.241 | DEBUG    | __main__:<module>:20 - Iteration 30: Points 17 (cluster 17) and 43 (cluster 43) connect at weight=368.0
2025-04-09 19:04:13.241 | DEBUG    | __main__:<module>:20 - Iteration 31: Points 15 (cluster 15) and 12 (cluster 12) connect at weight=368.0
2025-04-09 19:04:13.242 | DEBUG    | __main__:<module>:20 - Iteration 32: Points 12 (cluster 2031) and 9 (cluster 9) connect at weight=368.0
2025-04-09 19:04:13.242 | DEBUG    | __main__:<module>:20 - Iteration 33: Points 11 (cluster 2018) and 15 (cluster 2032) connect at weight=368.0
2025-04-09 19:04:13.242 | DEBUG    | __main__:<module>:20 - Iteration 34: Points 60 (cluster 2029) and 69 (cluster 69) connect at weight=367.0
2025-04-09 19:04:13.242 | DEBUG    | __main__:<module>:20 - Iteration 35: Points 26 (cluster 2010) and 42 (cluster 2026) connect at weight=367.0
2025-04-09 19:04:13.242 | DEBUG    | __main__:<module>:20 - Iteration 36: Points 7 (cluster 7) and 17 (cluster 2030) connect at weight=367.0
2025-04-09 19:04:13.242 | DEBUG    | __main__:<module>:20 - Iteration 37: Points 6 (cluster 6) and 34 (cluster 34) connect at weight=367.0
2025-04-09 19:04:13.243 | DEBUG    | __main__:<module>:20 - Iteration 38: Points 0 (cluster 0) and 7 (cluster 2036) connect at weight=367.0
2025-04-09 19:04:13.243 | DEBUG    | __main__:<module>:20 - Iteration 39: Points 56 (cluster 2025) and 33 (cluster 2028) connect at weight=366.0
2025-04-09 19:04:13.243 | DEBUG    | __main__:<module>:20 - Iteration 40: Points 38 (cluster 2007) and 44 (cluster 2039) connect at weight=366.0
2025-04-09 19:04:13.243 | DEBUG    | __main__:<module>:20 - Iteration 41: Points 82 (cluster 82) and 67 (cluster 67) connect at weight=365.0
2025-04-09 19:04:13.243 | DEBUG    | __main__:<module>:20 - Iteration 42: Points 72 (cluster 72) and 90 (cluster 90) connect at weight=365.0
2025-04-09 19:04:13.244 | DEBUG    | __main__:<module>:20 - Iteration 43: Points 65 (cluster 65) and 58 (cluster 58) connect at weight=365.0
2025-04-09 19:04:13.244 | DEBUG    | __main__:<module>:20 - Iteration 44: Points 63 (cluster 63) and 51 (cluster 51) connect at weight=365.0
2025-04-09 19:04:13.244 | DEBUG    | __main__:<module>:20 - Iteration 45: Points 58 (cluster 2043) and 78 (cluster 78) connect at weight=365.0
2025-04-09 19:04:13.244 | DEBUG    | __main__:<module>:20 - Iteration 46: Points 56 (cluster 2040) and 63 (cluster 2044) connect at weight=365.0
2025-04-09 19:04:13.244 | DEBUG    | __main__:<module>:20 - Iteration 47: Points 54 (cluster 2034) and 81 (cluster 81) connect at weight=365.0
2025-04-09 19:04:13.244 | DEBUG    | __main__:<module>:20 - Iteration 48: Points 47 (cluster 2047) and 71 (cluster 71) connect at weight=365.0
2025-04-09 19:04:13.245 | DEBUG    | __main__:<module>:20 - Iteration 49: Points 11 (cluster 2033) and 65 (cluster 2045) connect at weight=365.0
2025-04-09 19:04:13.245 | DEBUG    | __main__:<module>:20 - Iteration 50: Points 0 (cluster 2038) and 6 (cluster 2037) connect at weight=365.0
2025-04-09 19:04:13.245 | DEBUG    | __main__:<module>:20 - Iteration 51: Points 93 (cluster 93) and 77 (cluster 77) connect at weight=364.0
2025-04-09 19:04:13.245 | DEBUG    | __main__:<module>:20 - Iteration 52: Points 92 (cluster 92) and 87 (cluster 87) connect at weight=364.0
2025-04-09 19:04:13.245 | DEBUG    | __main__:<module>:20 - Iteration 53: Points 87 (cluster 2052) and 104 (cluster 104) connect at weight=364.0
2025-04-09 19:04:13.246 | DEBUG    | __main__:<module>:20 - Iteration 54: Points 80 (cluster 80) and 84 (cluster 84) connect at weight=364.0
2025-04-09 19:04:13.246 | DEBUG    | __main__:<module>:20 - Iteration 55: Points 46 (cluster 46) and 10 (cluster 2005) connect at weight=364.0
2025-04-09 19:04:13.246 | DEBUG    | __main__:<module>:20 - Iteration 56: Points 36 (cluster 2048) and 55 (cluster 55) connect at weight=364.0
2025-04-09 19:04:13.246 | DEBUG    | __main__:<module>:20 - Iteration 57: Points 28 (cluster 2056) and 105 (cluster 105) connect at weight=364.0
2025-04-09 19:04:13.246 | DEBUG    | __main__:<module>:20 - Iteration 58: Points 28 (cluster 2057) and 97 (cluster 97) connect at weight=364.0
2025-04-09 19:04:13.247 | DEBUG    | __main__:<module>:20 - Iteration 59: Points 15 (cluster 2049) and 41 (cluster 2027) connect at weight=364.0
2025-04-09 19:04:13.247 | DEBUG    | __main__:<module>:20 - Iteration 60: Points 107 (cluster 107) and 92 (cluster 2053) connect at weight=363.0
2025-04-09 19:04:13.247 | DEBUG    | __main__:<module>:20 - Iteration 61: Points 106 (cluster 106) and 88 (cluster 88) connect at weight=363.0
2025-04-09 19:04:13.247 | DEBUG    | __main__:<module>:20 - Iteration 62: Points 102 (cluster 102) and 109 (cluster 109) connect at weight=363.0
2025-04-09 19:04:13.247 | DEBUG    | __main__:<module>:20 - Iteration 63: Points 98 (cluster 98) and 117 (cluster 117) connect at weight=363.0
2025-04-09 19:04:13.247 | DEBUG    | __main__:<module>:20 - Iteration 64: Points 83 (cluster 83) and 119 (cluster 119) connect at weight=363.0
2025-04-09 19:04:13.248 | DEBUG    | __main__:<module>:20 - Iteration 65: Points 75 (cluster 75) and 70 (cluster 70) connect at weight=363.0
2025-04-09 19:04:13.248 | DEBUG    | __main__:<module>:20 - Iteration 66: Points 64 (cluster 64) and 37 (cluster 2046) connect at weight=363.0
2025-04-09 19:04:13.248 | DEBUG    | __main__:<module>:20 - Iteration 67: Points 59 (cluster 2066) and 68 (cluster 68) connect at weight=363.0
2025-04-09 19:04:13.248 | DEBUG    | __main__:<module>:20 - Iteration 68: Points 55 (cluster 2058) and 73 (cluster 73) connect at weight=363.0
2025-04-09 19:04:13.248 | DEBUG    | __main__:<module>:20 - Iteration 69: Points 55 (cluster 2068) and 72 (cluster 2042) connect at weight=363.0
2025-04-09 19:04:13.249 | DEBUG    | __main__:<module>:20 - Iteration 70: Points 44 (cluster 2067) and 80 (cluster 2054) connect at weight=363.0
2025-04-09 19:04:13.249 | DEBUG    | __main__:<module>:20 - Iteration 71: Points 34 (cluster 2050) and 57 (cluster 57) connect at weight=363.0
2025-04-09 19:04:13.249 | DEBUG    | __main__:<module>:20 - Iteration 72: Points 32 (cluster 32) and 62 (cluster 62) connect at weight=363.0
2025-04-09 19:04:13.249 | DEBUG    | __main__:<module>:20 - Iteration 73: Points 131 (cluster 131) and 126 (cluster 126) connect at weight=362.0
2025-04-09 19:04:13.249 | DEBUG    | __main__:<module>:20 - Iteration 74: Points 119 (cluster 2064) and 130 (cluster 130) connect at weight=362.0
2025-04-09 19:04:13.250 | DEBUG    | __main__:<module>:20 - Iteration 75: Points 104 (cluster 2060) and 131 (cluster 2073) connect at weight=362.0
2025-04-09 19:04:13.250 | DEBUG    | __main__:<module>:20 - Iteration 76: Points 102 (cluster 2062) and 110 (cluster 110) connect at weight=362.0
2025-04-09 19:04:13.250 | DEBUG    | __main__:<module>:20 - Iteration 77: Points 100 (cluster 100) and 133 (cluster 133) connect at weight=362.0
2025-04-09 19:04:13.250 | DEBUG    | __main__:<module>:20 - Iteration 78: Points 95 (cluster 95) and 75 (cluster 2065) connect at weight=362.0
2025-04-09 19:04:13.250 | DEBUG    | __main__:<module>:20 - Iteration 79: Points 88 (cluster 2061) and 85 (cluster 85) connect at weight=362.0
2025-04-09 19:04:13.250 | DEBUG    | __main__:<module>:20 - Iteration 80: Points 85 (cluster 2079) and 98 (cluster 2063) connect at weight=362.0
2025-04-09 19:04:13.251 | DEBUG    | __main__:<module>:20 - Iteration 81: Points 81 (cluster 2069) and 129 (cluster 129) connect at weight=362.0
2025-04-09 19:04:13.251 | DEBUG    | __main__:<module>:20 - Iteration 82: Points 78 (cluster 2059) and 83 (cluster 2074) connect at weight=362.0
2025-04-09 19:04:13.251 | DEBUG    | __main__:<module>:20 - Iteration 83: Points 75 (cluster 2078) and 64 (cluster 2070) connect at weight=362.0
2025-04-09 19:04:13.251 | DEBUG    | __main__:<module>:20 - Iteration 84: Points 70 (cluster 2083) and 82 (cluster 2041) connect at weight=362.0
2025-04-09 19:04:13.251 | DEBUG    | __main__:<module>:20 - Iteration 85: Points 57 (cluster 2071) and 61 (cluster 61) connect at weight=362.0
2025-04-09 19:04:13.252 | DEBUG    | __main__:<module>:20 - Iteration 86: Points 55 (cluster 2081) and 112 (cluster 112) connect at weight=362.0
2025-04-09 19:04:13.252 | DEBUG    | __main__:<module>:20 - Iteration 87: Points 51 (cluster 2084) and 91 (cluster 91) connect at weight=362.0
2025-04-09 19:04:13.252 | DEBUG    | __main__:<module>:20 - Iteration 88: Points 22 (cluster 2022) and 26 (cluster 2035) connect at weight=362.0
2025-04-09 19:04:13.252 | DEBUG    | __main__:<module>:20 - Iteration 89: Points 7 (cluster 2085) and 32 (cluster 2072) connect at weight=362.0
2025-04-09 19:04:13.252 | DEBUG    | __main__:<module>:20 - Iteration 90: Points 142 (cluster 142) and 114 (cluster 114) connect at weight=361.0
2025-04-09 19:04:13.252 | DEBUG    | __main__:<module>:20 - Iteration 91: Points 131 (cluster 2075) and 142 (cluster 2090) connect at weight=361.0
2025-04-09 19:04:13.253 | DEBUG    | __main__:<module>:20 - Iteration 92: Points 128 (cluster 128) and 76 (cluster 76) connect at weight=361.0
2025-04-09 19:04:13.253 | DEBUG    | __main__:<module>:20 - Iteration 93: Points 124 (cluster 124) and 145 (cluster 145) connect at weight=361.0
2025-04-09 19:04:13.253 | DEBUG    | __main__:<module>:20 - Iteration 94: Points 122 (cluster 122) and 146 (cluster 146) connect at weight=361.0
2025-04-09 19:04:13.253 | DEBUG    | __main__:<module>:20 - Iteration 95: Points 122 (cluster 2094) and 116 (cluster 116) connect at weight=361.0
2025-04-09 19:04:13.253 | DEBUG    | __main__:<module>:20 - Iteration 96: Points 120 (cluster 120) and 141 (cluster 141) connect at weight=361.0
2025-04-09 19:04:13.254 | DEBUG    | __main__:<module>:20 - Iteration 97: Points 117 (cluster 2080) and 89 (cluster 89) connect at weight=361.0
2025-04-09 19:04:13.254 | DEBUG    | __main__:<module>:20 - Iteration 98: Points 112 (cluster 2086) and 115 (cluster 115) connect at weight=361.0
2025-04-09 19:04:13.254 | DEBUG    | __main__:<module>:20 - Iteration 99: Points 110 (cluster 2076) and 134 (cluster 134) connect at weight=361.0
2025-04-09 19:04:13.254 | DEBUG    | __main__:<module>:20 - Iteration 100: Points 106 (cluster 2097) and 123 (cluster 123) connect at weight=361.0
2025-04-09 19:04:13.254 | DEBUG    | __main__:<module>:20 - Iteration 101: Points 91 (cluster 2087) and 106 (cluster 2100) connect at weight=361.0
2025-04-09 19:04:13.254 | DEBUG    | __main__:<module>:20 - Iteration 102: Points 90 (cluster 2098) and 107 (cluster 2091) connect at weight=361.0
2025-04-09 19:04:13.255 | DEBUG    | __main__:<module>:20 - Iteration 103: Points 89 (cluster 2101) and 128 (cluster 2092) connect at weight=361.0
2025-04-09 19:04:13.255 | DEBUG    | __main__:<module>:20 - Iteration 104: Points 87 (cluster 2102) and 140 (cluster 140) connect at weight=361.0
2025-04-09 19:04:13.255 | DEBUG    | __main__:<module>:20 - Iteration 105: Points 82 (cluster 2103) and 52 (cluster 2088) connect at weight=361.0
2025-04-09 19:04:13.255 | DEBUG    | __main__:<module>:20 - Iteration 106: Points 61 (cluster 2089) and 108 (cluster 108) connect at weight=361.0
2025-04-09 19:04:13.255 | DEBUG    | __main__:<module>:20 - Iteration 107: Points 61 (cluster 2106) and 24 (cluster 2082) connect at weight=361.0
2025-04-09 19:04:13.256 | DEBUG    | __main__:<module>:20 - Iteration 108: Points 29 (cluster 2104) and 46 (cluster 2055) connect at weight=361.0
2025-04-09 19:04:13.256 | DEBUG    | __main__:<module>:20 - Iteration 109: Points 16 (cluster 2107) and 21 (cluster 2108) connect at weight=361.0
2025-04-09 19:04:13.256 | DEBUG    | __main__:<module>:20 - Iteration 110: Points 8 (cluster 2105) and 3 (cluster 3) connect at weight=361.0
2025-04-09 19:04:13.256 | DEBUG    | __main__:<module>:20 - Iteration 111: Points 162 (cluster 162) and 157 (cluster 157) connect at weight=360.0
2025-04-09 19:04:13.256 | DEBUG    | __main__:<module>:20 - Iteration 112: Points 140 (cluster 2109) and 162 (cluster 2111) connect at weight=360.0
2025-04-09 19:04:13.256 | DEBUG    | __main__:<module>:20 - Iteration 113: Points 123 (cluster 2110) and 161 (cluster 161) connect at weight=360.0
2025-04-09 19:04:13.257 | DEBUG    | __main__:<module>:20 - Iteration 114: Points 120 (cluster 2096) and 163 (cluster 163) connect at weight=360.0
2025-04-09 19:04:13.257 | DEBUG    | __main__:<module>:20 - Iteration 115: Points 118 (cluster 118) and 137 (cluster 137) connect at weight=360.0
2025-04-09 19:04:13.257 | DEBUG    | __main__:<module>:20 - Iteration 116: Points 111 (cluster 111) and 135 (cluster 135) connect at weight=360.0
2025-04-09 19:04:13.257 | DEBUG    | __main__:<module>:20 - Iteration 117: Points 94 (cluster 94) and 118 (cluster 2115) connect at weight=360.0
2025-04-09 19:04:13.257 | DEBUG    | __main__:<module>:20 - Iteration 118: Points 92 (cluster 2112) and 139 (cluster 139) connect at weight=360.0
2025-04-09 19:04:13.258 | DEBUG    | __main__:<module>:20 - Iteration 119: Points 89 (cluster 2113) and 121 (cluster 121) connect at weight=360.0
2025-04-09 19:04:13.258 | DEBUG    | __main__:<module>:20 - Iteration 120: Points 84 (cluster 2119) and 156 (cluster 156) connect at weight=360.0
2025-04-09 19:04:13.258 | DEBUG    | __main__:<module>:20 - Iteration 121: Points 84 (cluster 2120) and 124 (cluster 2093) connect at weight=360.0
2025-04-09 19:04:13.258 | DEBUG    | __main__:<module>:20 - Iteration 122: Points 76 (cluster 2121) and 144 (cluster 144) connect at weight=360.0
2025-04-09 19:04:13.258 | DEBUG    | __main__:<module>:20 - Iteration 123: Points 65 (cluster 2118) and 102 (cluster 2099) connect at weight=360.0
2025-04-09 19:04:13.258 | DEBUG    | __main__:<module>:20 - Iteration 124: Points 151 (cluster 151) and 160 (cluster 160) connect at weight=359.0
2025-04-09 19:04:13.259 | DEBUG    | __main__:<module>:20 - Iteration 125: Points 151 (cluster 2124) and 101 (cluster 101) connect at weight=359.0
2025-04-09 19:04:13.259 | DEBUG    | __main__:<module>:20 - Iteration 126: Points 144 (cluster 2122) and 151 (cluster 2125) connect at weight=359.0
2025-04-09 19:04:13.259 | DEBUG    | __main__:<module>:20 - Iteration 127: Points 135 (cluster 2116) and 95 (cluster 2126) connect at weight=359.0
2025-04-09 19:04:13.265 | DEBUG    | __main__:<module>:20 - Iteration 128: Points 129 (cluster 2123) and 166 (cluster 166) connect at weight=359.0
2025-04-09 19:04:13.265 | DEBUG    | __main__:<module>:20 - Iteration 129: Points 127 (cluster 127) and 93 (cluster 2051) connect at weight=359.0
2025-04-09 19:04:13.266 | DEBUG    | __main__:<module>:20 - Iteration 130: Points 125 (cluster 125) and 136 (cluster 136) connect at weight=359.0
2025-04-09 19:04:13.266 | DEBUG    | __main__:<module>:20 - Iteration 131: Points 121 (cluster 2127) and 99 (cluster 99) connect at weight=359.0
2025-04-09 19:04:13.266 | DEBUG    | __main__:<module>:20 - Iteration 132: Points 109 (cluster 2128) and 152 (cluster 152) connect at weight=359.0
2025-04-09 19:04:13.266 | DEBUG    | __main__:<module>:20 - Iteration 133: Points 94 (cluster 2117) and 111 (cluster 2131) connect at weight=359.0
2025-04-09 19:04:13.266 | DEBUG    | __main__:<module>:20 - Iteration 134: Points 91 (cluster 2133) and 159 (cluster 159) connect at weight=359.0
2025-04-09 19:04:13.267 | DEBUG    | __main__:<module>:20 - Iteration 135: Points 77 (cluster 2129) and 94 (cluster 2134) connect at weight=359.0
2025-04-09 19:04:13.267 | DEBUG    | __main__:<module>:20 - Iteration 136: Points 181 (cluster 181) and 175 (cluster 175) connect at weight=358.0
2025-04-09 19:04:13.267 | DEBUG    | __main__:<module>:20 - Iteration 137: Points 175 (cluster 2136) and 147 (cluster 147) connect at weight=358.0
2025-04-09 19:04:13.268 | DEBUG    | __main__:<module>:20 - Iteration 138: Points 173 (cluster 173) and 150 (cluster 150) connect at weight=358.0
2025-04-09 19:04:13.268 | DEBUG    | __main__:<module>:20 - Iteration 139: Points 159 (cluster 2135) and 125 (cluster 2130) connect at weight=358.0
2025-04-09 19:04:13.268 | DEBUG    | __main__:<module>:20 - Iteration 140: Points 139 (cluster 2132) and 170 (cluster 170) connect at weight=358.0
2025-04-09 19:04:13.268 | DEBUG    | __main__:<module>:20 - Iteration 141: Points 134 (cluster 2140) and 154 (cluster 154) connect at weight=358.0
2025-04-09 19:04:13.268 | DEBUG    | __main__:<module>:20 - Iteration 142: Points 125 (cluster 2139) and 153 (cluster 153) connect at weight=358.0
2025-04-09 19:04:13.269 | DEBUG    | __main__:<module>:20 - Iteration 143: Points 120 (cluster 2114) and 122 (cluster 2095) connect at weight=358.0
2025-04-09 19:04:13.269 | DEBUG    | __main__:<module>:20 - Iteration 144: Points 114 (cluster 2141) and 169 (cluster 169) connect at weight=358.0
2025-04-09 19:04:13.269 | DEBUG    | __main__:<module>:20 - Iteration 145: Points 101 (cluster 2142) and 174 (cluster 174) connect at weight=358.0
2025-04-09 19:04:13.269 | DEBUG    | __main__:<module>:20 - Iteration 146: Points 100 (cluster 2077) and 132 (cluster 132) connect at weight=358.0
2025-04-09 19:04:13.270 | DEBUG    | __main__:<module>:20 - Iteration 147: Points 94 (cluster 2145) and 172 (cluster 172) connect at weight=358.0
2025-04-09 19:04:13.270 | DEBUG    | __main__:<module>:20 - Iteration 148: Points 85 (cluster 2147) and 185 (cluster 185) connect at weight=358.0
2025-04-09 19:04:13.270 | DEBUG    | __main__:<module>:20 - Iteration 149: Points 83 (cluster 2144) and 179 (cluster 179) connect at weight=358.0
2025-04-09 19:04:13.270 | DEBUG    | __main__:<module>:20 - Iteration 150: Points 3 (cluster 2148) and 4 (cluster 4) connect at weight=358.0
2025-04-09 19:04:13.270 | DEBUG    | __main__:<module>:20 - Iteration 151: Points 194 (cluster 194) and 192 (cluster 192) connect at weight=357.0
2025-04-09 19:04:13.270 | DEBUG    | __main__:<module>:20 - Iteration 152: Points 184 (cluster 184) and 188 (cluster 188) connect at weight=357.0
2025-04-09 19:04:13.271 | DEBUG    | __main__:<module>:20 - Iteration 153: Points 180 (cluster 180) and 178 (cluster 178) connect at weight=357.0
2025-04-09 19:04:13.271 | DEBUG    | __main__:<module>:20 - Iteration 154: Points 177 (cluster 177) and 196 (cluster 196) connect at weight=357.0
2025-04-09 19:04:13.271 | DEBUG    | __main__:<module>:20 - Iteration 155: Points 149 (cluster 149) and 168 (cluster 168) connect at weight=357.0
2025-04-09 19:04:13.271 | DEBUG    | __main__:<module>:20 - Iteration 156: Points 133 (cluster 2146) and 127 (cluster 2150) connect at weight=357.0
2025-04-09 19:04:13.271 | DEBUG    | __main__:<module>:20 - Iteration 157: Points 131 (cluster 2149) and 120 (cluster 2143) connect at weight=357.0
2025-04-09 19:04:13.272 | DEBUG    | __main__:<module>:20 - Iteration 158: Points 116 (cluster 2157) and 177 (cluster 2154) connect at weight=357.0
2025-04-09 19:04:13.272 | DEBUG    | __main__:<module>:20 - Iteration 159: Points 107 (cluster 2158) and 148 (cluster 148) connect at weight=357.0
2025-04-09 19:04:13.273 | DEBUG    | __main__:<module>:20 - Iteration 160: Points 99 (cluster 2156) and 103 (cluster 103) connect at weight=357.0
2025-04-09 19:04:13.273 | DEBUG    | __main__:<module>:20 - Iteration 161: Points 74 (cluster 74) and 167 (cluster 167) connect at weight=357.0
2025-04-09 19:04:13.274 | DEBUG    | __main__:<module>:20 - Iteration 162: Points 60 (cluster 2159) and 149 (cluster 2155) connect at weight=357.0
2025-04-09 19:04:13.274 | DEBUG    | __main__:<module>:20 - Iteration 163: Points 32 (cluster 2162) and 143 (cluster 143) connect at weight=357.0
2025-04-09 19:04:13.274 | DEBUG    | __main__:<module>:20 - Iteration 164: Points 204 (cluster 204) and 198 (cluster 198) connect at weight=356.0
2025-04-09 19:04:13.274 | DEBUG    | __main__:<module>:20 - Iteration 165: Points 200 (cluster 200) and 187 (cluster 187) connect at weight=356.0
2025-04-09 19:04:13.274 | DEBUG    | __main__:<module>:20 - Iteration 166: Points 176 (cluster 176) and 171 (cluster 171) connect at weight=356.0
2025-04-09 19:04:13.275 | DEBUG    | __main__:<module>:20 - Iteration 167: Points 158 (cluster 158) and 201 (cluster 201) connect at weight=356.0
2025-04-09 19:04:13.275 | DEBUG    | __main__:<module>:20 - Iteration 168: Points 158 (cluster 2167) and 165 (cluster 165) connect at weight=356.0
2025-04-09 19:04:13.275 | DEBUG    | __main__:<module>:20 - Iteration 169: Points 150 (cluster 2138) and 209 (cluster 209) connect at weight=356.0
2025-04-09 19:04:13.275 | DEBUG    | __main__:<module>:20 - Iteration 170: Points 148 (cluster 2163) and 79 (cluster 79) connect at weight=356.0
2025-04-09 19:04:13.275 | DEBUG    | __main__:<module>:20 - Iteration 171: Points 147 (cluster 2137) and 189 (cluster 189) connect at weight=356.0
2025-04-09 19:04:13.275 | DEBUG    | __main__:<module>:20 - Iteration 172: Points 95 (cluster 2160) and 182 (cluster 182) connect at weight=356.0
2025-04-09 19:04:13.276 | DEBUG    | __main__:<module>:20 - Iteration 173: Points 76 (cluster 2172) and 207 (cluster 207) connect at weight=356.0
2025-04-09 19:04:13.276 | DEBUG    | __main__:<module>:20 - Iteration 174: Points 210 (cluster 210) and 184 (cluster 2152) connect at weight=355.0
2025-04-09 19:04:13.276 | DEBUG    | __main__:<module>:20 - Iteration 175: Points 199 (cluster 199) and 204 (cluster 2164) connect at weight=355.0
2025-04-09 19:04:13.276 | DEBUG    | __main__:<module>:20 - Iteration 176: Points 195 (cluster 195) and 190 (cluster 190) connect at weight=355.0
2025-04-09 19:04:13.276 | DEBUG    | __main__:<module>:20 - Iteration 177: Points 195 (cluster 2176) and 176 (cluster 2166) connect at weight=355.0
2025-04-09 19:04:13.276 | DEBUG    | __main__:<module>:20 - Iteration 178: Points 173 (cluster 2169) and 193 (cluster 193) connect at weight=355.0
2025-04-09 19:04:13.277 | DEBUG    | __main__:<module>:20 - Iteration 179: Points 171 (cluster 2177) and 181 (cluster 2171) connect at weight=355.0
2025-04-09 19:04:13.277 | DEBUG    | __main__:<module>:20 - Iteration 180: Points 154 (cluster 2170) and 217 (cluster 217) connect at weight=355.0
2025-04-09 19:04:13.277 | DEBUG    | __main__:<module>:20 - Iteration 181: Points 139 (cluster 2180) and 225 (cluster 225) connect at weight=355.0
2025-04-09 19:04:13.277 | DEBUG    | __main__:<module>:20 - Iteration 182: Points 135 (cluster 2173) and 214 (cluster 214) connect at weight=355.0
2025-04-09 19:04:13.277 | DEBUG    | __main__:<module>:20 - Iteration 183: Points 86 (cluster 86) and 113 (cluster 113) connect at weight=355.0
2025-04-09 19:04:13.278 | DEBUG    | __main__:<module>:20 - Iteration 184: Points 81 (cluster 2181) and 223 (cluster 223) connect at weight=355.0
2025-04-09 19:04:13.278 | DEBUG    | __main__:<module>:20 - Iteration 185: Points 76 (cluster 2182) and 232 (cluster 232) connect at weight=355.0
2025-04-09 19:04:13.278 | DEBUG    | __main__:<module>:20 - Iteration 186: Points 76 (cluster 2185) and 216 (cluster 216) connect at weight=355.0
2025-04-09 19:04:13.278 | DEBUG    | __main__:<module>:20 - Iteration 187: Points 255 (cluster 255) and 220 (cluster 220) connect at weight=354.0
2025-04-09 19:04:13.278 | DEBUG    | __main__:<module>:20 - Iteration 188: Points 245 (cluster 245) and 202 (cluster 202) connect at weight=354.0
2025-04-09 19:04:13.279 | DEBUG    | __main__:<module>:20 - Iteration 189: Points 241 (cluster 241) and 230 (cluster 230) connect at weight=354.0
2025-04-09 19:04:13.279 | DEBUG    | __main__:<module>:20 - Iteration 190: Points 236 (cluster 236) and 218 (cluster 218) connect at weight=354.0
2025-04-09 19:04:13.279 | DEBUG    | __main__:<module>:20 - Iteration 191: Points 232 (cluster 2186) and 246 (cluster 246) connect at weight=354.0
2025-04-09 19:04:13.279 | DEBUG    | __main__:<module>:20 - Iteration 192: Points 231 (cluster 231) and 245 (cluster 2188) connect at weight=354.0
2025-04-09 19:04:13.279 | DEBUG    | __main__:<module>:20 - Iteration 193: Points 227 (cluster 227) and 226 (cluster 226) connect at weight=354.0
2025-04-09 19:04:13.279 | DEBUG    | __main__:<module>:20 - Iteration 194: Points 219 (cluster 219) and 211 (cluster 211) connect at weight=354.0
2025-04-09 19:04:13.280 | DEBUG    | __main__:<module>:20 - Iteration 195: Points 217 (cluster 2184) and 233 (cluster 233) connect at weight=354.0
2025-04-09 19:04:13.280 | DEBUG    | __main__:<module>:20 - Iteration 196: Points 206 (cluster 206) and 242 (cluster 242) connect at weight=354.0
2025-04-09 19:04:13.280 | DEBUG    | __main__:<module>:20 - Iteration 197: Points 202 (cluster 2192) and 241 (cluster 2189) connect at weight=354.0
2025-04-09 19:04:13.280 | DEBUG    | __main__:<module>:20 - Iteration 198: Points 202 (cluster 2197) and 138 (cluster 138) connect at weight=354.0
2025-04-09 19:04:13.280 | DEBUG    | __main__:<module>:20 - Iteration 199: Points 197 (cluster 197) and 234 (cluster 234) connect at weight=354.0
2025-04-09 19:04:13.280 | DEBUG    | __main__:<module>:20 - Iteration 200: Points 196 (cluster 2195) and 238 (cluster 238) connect at weight=354.0
2025-04-09 19:04:13.281 | DEBUG    | __main__:<module>:20 - Iteration 201: Points 195 (cluster 2179) and 197 (cluster 2199) connect at weight=354.0
2025-04-09 19:04:13.281 | DEBUG    | __main__:<module>:20 - Iteration 202: Points 169 (cluster 2200) and 224 (cluster 224) connect at weight=354.0
2025-04-09 19:04:13.281 | DEBUG    | __main__:<module>:20 - Iteration 203: Points 156 (cluster 2191) and 221 (cluster 221) connect at weight=354.0
2025-04-09 19:04:13.281 | DEBUG    | __main__:<module>:20 - Iteration 204: Points 154 (cluster 2202) and 210 (cluster 2174) connect at weight=354.0
2025-04-09 19:04:13.281 | DEBUG    | __main__:<module>:20 - Iteration 205: Points 118 (cluster 2203) and 206 (cluster 2196) connect at weight=354.0
2025-04-09 19:04:13.282 | DEBUG    | __main__:<module>:20 - Iteration 206: Points 76 (cluster 2205) and 257 (cluster 257) connect at weight=354.0
2025-04-09 19:04:13.282 | DEBUG    | __main__:<module>:20 - Iteration 207: Points 253 (cluster 253) and 260 (cluster 260) connect at weight=353.0
2025-04-09 19:04:13.282 | DEBUG    | __main__:<module>:20 - Iteration 208: Points 249 (cluster 249) and 235 (cluster 235) connect at weight=353.0
2025-04-09 19:04:13.282 | DEBUG    | __main__:<module>:20 - Iteration 209: Points 242 (cluster 2206) and 237 (cluster 237) connect at weight=353.0
2025-04-09 19:04:13.282 | DEBUG    | __main__:<module>:20 - Iteration 210: Points 231 (cluster 2198) and 258 (cluster 258) connect at weight=353.0
2025-04-09 19:04:13.282 | DEBUG    | __main__:<module>:20 - Iteration 211: Points 230 (cluster 2210) and 199 (cluster 2175) connect at weight=353.0
2025-04-09 19:04:13.283 | DEBUG    | __main__:<module>:20 - Iteration 212: Points 215 (cluster 215) and 247 (cluster 247) connect at weight=353.0
2025-04-09 19:04:13.283 | DEBUG    | __main__:<module>:20 - Iteration 213: Points 211 (cluster 2194) and 100 (cluster 2209) connect at weight=353.0
2025-04-09 19:04:13.283 | DEBUG    | __main__:<module>:20 - Iteration 214: Points 205 (cluster 205) and 219 (cluster 2213) connect at weight=353.0
2025-04-09 19:04:13.283 | DEBUG    | __main__:<module>:20 - Iteration 215: Points 195 (cluster 2201) and 253 (cluster 2207) connect at weight=353.0
2025-04-09 19:04:13.283 | DEBUG    | __main__:<module>:20 - Iteration 216: Points 190 (cluster 2215) and 236 (cluster 2190) connect at weight=353.0
2025-04-09 19:04:13.284 | DEBUG    | __main__:<module>:20 - Iteration 217: Points 188 (cluster 2204) and 194 (cluster 2151) connect at weight=353.0
2025-04-09 19:04:13.284 | DEBUG    | __main__:<module>:20 - Iteration 218: Points 187 (cluster 2165) and 158 (cluster 2168) connect at weight=353.0
2025-04-09 19:04:13.284 | DEBUG    | __main__:<module>:20 - Iteration 219: Points 186 (cluster 186) and 227 (cluster 2193) connect at weight=353.0
2025-04-09 19:04:13.284 | DEBUG    | __main__:<module>:20 - Iteration 220: Points 181 (cluster 2216) and 213 (cluster 213) connect at weight=353.0
2025-04-09 19:04:13.284 | DEBUG    | __main__:<module>:20 - Iteration 221: Points 165 (cluster 2218) and 195 (cluster 2220) connect at weight=353.0
2025-04-09 19:04:13.284 | DEBUG    | __main__:<module>:20 - Iteration 222: Points 147 (cluster 2221) and 228 (cluster 228) connect at weight=353.0
2025-04-09 19:04:13.285 | DEBUG    | __main__:<module>:20 - Iteration 223: Points 134 (cluster 2217) and 240 (cluster 240) connect at weight=353.0
2025-04-09 19:04:13.285 | DEBUG    | __main__:<module>:20 - Iteration 224: Points 128 (cluster 2214) and 251 (cluster 251) connect at weight=353.0
2025-04-09 19:04:13.285 | DEBUG    | __main__:<module>:20 - Iteration 225: Points 79 (cluster 2223) and 74 (cluster 2161) connect at weight=353.0
2025-04-09 19:04:13.285 | DEBUG    | __main__:<module>:20 - Iteration 226: Points 273 (cluster 273) and 269 (cluster 269) connect at weight=352.0
2025-04-09 19:04:13.285 | DEBUG    | __main__:<module>:20 - Iteration 227: Points 267 (cluster 267) and 256 (cluster 256) connect at weight=352.0
2025-04-09 19:04:13.286 | DEBUG    | __main__:<module>:20 - Iteration 228: Points 260 (cluster 2222) and 262 (cluster 262) connect at weight=352.0
2025-04-09 19:04:13.286 | DEBUG    | __main__:<module>:20 - Iteration 229: Points 246 (cluster 2224) and 268 (cluster 268) connect at weight=352.0
2025-04-09 19:04:13.286 | DEBUG    | __main__:<module>:20 - Iteration 230: Points 246 (cluster 2229) and 173 (cluster 2178) connect at weight=352.0
2025-04-09 19:04:13.286 | DEBUG    | __main__:<module>:20 - Iteration 231: Points 222 (cluster 222) and 249 (cluster 2208) connect at weight=352.0
2025-04-09 19:04:13.286 | DEBUG    | __main__:<module>:20 - Iteration 232: Points 218 (cluster 2228) and 259 (cluster 259) connect at weight=352.0
2025-04-09 19:04:13.286 | DEBUG    | __main__:<module>:20 - Iteration 233: Points 209 (cluster 2230) and 278 (cluster 278) connect at weight=352.0
2025-04-09 19:04:13.287 | DEBUG    | __main__:<module>:20 - Iteration 234: Points 204 (cluster 2211) and 272 (cluster 272) connect at weight=352.0
2025-04-09 19:04:13.287 | DEBUG    | __main__:<module>:20 - Iteration 235: Points 204 (cluster 2234) and 263 (cluster 263) connect at weight=352.0
2025-04-09 19:04:13.287 | DEBUG    | __main__:<module>:20 - Iteration 236: Points 203 (cluster 203) and 231 (cluster 2235) connect at weight=352.0
2025-04-09 19:04:13.287 | DEBUG    | __main__:<module>:20 - Iteration 237: Points 177 (cluster 2225) and 208 (cluster 208) connect at weight=352.0
2025-04-09 19:04:13.287 | DEBUG    | __main__:<module>:20 - Iteration 238: Points 147 (cluster 2232) and 203 (cluster 2236) connect at weight=352.0
2025-04-09 19:04:13.288 | DEBUG    | __main__:<module>:20 - Iteration 239: Points 118 (cluster 2233) and 243 (cluster 243) connect at weight=352.0
2025-04-09 19:04:13.288 | DEBUG    | __main__:<module>:20 - Iteration 240: Points 105 (cluster 2237) and 271 (cluster 271) connect at weight=352.0
2025-04-09 19:04:13.288 | DEBUG    | __main__:<module>:20 - Iteration 241: Points 296 (cluster 296) and 295 (cluster 295) connect at weight=351.0
2025-04-09 19:04:13.288 | DEBUG    | __main__:<module>:20 - Iteration 242: Points 282 (cluster 282) and 290 (cluster 290) connect at weight=351.0
2025-04-09 19:04:13.288 | DEBUG    | __main__:<module>:20 - Iteration 243: Points 281 (cluster 281) and 298 (cluster 298) connect at weight=351.0
2025-04-09 19:04:13.289 | DEBUG    | __main__:<module>:20 - Iteration 244: Points 277 (cluster 277) and 297 (cluster 297) connect at weight=351.0
2025-04-09 19:04:13.289 | DEBUG    | __main__:<module>:20 - Iteration 245: Points 277 (cluster 2244) and 283 (cluster 283) connect at weight=351.0
2025-04-09 19:04:13.289 | DEBUG    | __main__:<module>:20 - Iteration 246: Points 256 (cluster 2227) and 277 (cluster 2245) connect at weight=351.0
2025-04-09 19:04:13.289 | DEBUG    | __main__:<module>:20 - Iteration 247: Points 249 (cluster 2231) and 205 (cluster 2239) connect at weight=351.0
2025-04-09 19:04:13.289 | DEBUG    | __main__:<module>:20 - Iteration 248: Points 240 (cluster 2240) and 291 (cluster 291) connect at weight=351.0
2025-04-09 19:04:13.289 | DEBUG    | __main__:<module>:20 - Iteration 249: Points 222 (cluster 2247) and 215 (cluster 2212) connect at weight=351.0
2025-04-09 19:04:13.290 | DEBUG    | __main__:<module>:20 - Iteration 250: Points 221 (cluster 2249) and 294 (cluster 294) connect at weight=351.0
2025-04-09 19:04:13.290 | DEBUG    | __main__:<module>:20 - Iteration 251: Points 205 (cluster 2250) and 191 (cluster 191) connect at weight=351.0
2025-04-09 19:04:13.290 | DEBUG    | __main__:<module>:20 - Iteration 252: Points 189 (cluster 2238) and 305 (cluster 305) connect at weight=351.0
2025-04-09 19:04:13.290 | DEBUG    | __main__:<module>:20 - Iteration 253: Points 181 (cluster 2252) and 299 (cluster 299) connect at weight=351.0
2025-04-09 19:04:13.290 | DEBUG    | __main__:<module>:20 - Iteration 254: Points 180 (cluster 2153) and 248 (cluster 248) connect at weight=351.0
2025-04-09 19:04:13.291 | DEBUG    | __main__:<module>:20 - Iteration 255: Points 172 (cluster 2251) and 296 (cluster 2241) connect at weight=351.0
2025-04-09 19:04:13.291 | DEBUG    | __main__:<module>:20 - Iteration 256: Points 149 (cluster 2248) and 303 (cluster 303) connect at weight=351.0
2025-04-09 19:04:13.291 | DEBUG    | __main__:<module>:20 - Iteration 257: Points 302 (cluster 302) and 288 (cluster 288) connect at weight=350.0
2025-04-09 19:04:13.291 | DEBUG    | __main__:<module>:20 - Iteration 258: Points 298 (cluster 2243) and 254 (cluster 254) connect at weight=350.0
2025-04-09 19:04:13.291 | DEBUG    | __main__:<module>:20 - Iteration 259: Points 275 (cluster 275) and 312 (cluster 312) connect at weight=350.0
2025-04-09 19:04:13.292 | DEBUG    | __main__:<module>:20 - Iteration 260: Points 273 (cluster 2226) and 280 (cluster 280) connect at weight=350.0
2025-04-09 19:04:13.292 | DEBUG    | __main__:<module>:20 - Iteration 261: Points 271 (cluster 2256) and 327 (cluster 327) connect at weight=350.0
2025-04-09 19:04:13.292 | DEBUG    | __main__:<module>:20 - Iteration 262: Points 264 (cluster 264) and 328 (cluster 328) connect at weight=350.0
2025-04-09 19:04:13.292 | DEBUG    | __main__:<module>:20 - Iteration 263: Points 264 (cluster 2262) and 267 (cluster 2246) connect at weight=350.0
2025-04-09 19:04:13.292 | DEBUG    | __main__:<module>:20 - Iteration 264: Points 258 (cluster 2253) and 315 (cluster 315) connect at weight=350.0
2025-04-09 19:04:13.292 | DEBUG    | __main__:<module>:20 - Iteration 265: Points 248 (cluster 2254) and 281 (cluster 2258) connect at weight=350.0
2025-04-09 19:04:13.293 | DEBUG    | __main__:<module>:20 - Iteration 266: Points 224 (cluster 2261) and 322 (cluster 322) connect at weight=350.0
2025-04-09 19:04:13.295 | DEBUG    | __main__:<module>:20 - Iteration 267: Points 212 (cluster 212) and 273 (cluster 2260) connect at weight=350.0
2025-04-09 19:04:13.296 | DEBUG    | __main__:<module>:20 - Iteration 268: Points 205 (cluster 2255) and 289 (cluster 289) connect at weight=350.0
2025-04-09 19:04:13.296 | DEBUG    | __main__:<module>:20 - Iteration 269: Points 205 (cluster 2268) and 252 (cluster 252) connect at weight=350.0
2025-04-09 19:04:13.296 | DEBUG    | __main__:<module>:20 - Iteration 270: Points 150 (cluster 2269) and 212 (cluster 2267) connect at weight=350.0
2025-04-09 19:04:13.296 | DEBUG    | __main__:<module>:20 - Iteration 271: Points 141 (cluster 2266) and 255 (cluster 2187) connect at weight=350.0
2025-04-09 19:04:13.296 | DEBUG    | __main__:<module>:20 - Iteration 272: Points 138 (cluster 2264) and 180 (cluster 2265) connect at weight=350.0
2025-04-09 19:04:13.296 | DEBUG    | __main__:<module>:20 - Iteration 273: Points 351 (cluster 351) and 345 (cluster 345) connect at weight=349.0
2025-04-09 19:04:13.297 | DEBUG    | __main__:<module>:20 - Iteration 274: Points 349 (cluster 349) and 337 (cluster 337) connect at weight=349.0
2025-04-09 19:04:13.297 | DEBUG    | __main__:<module>:20 - Iteration 275: Points 330 (cluster 330) and 316 (cluster 316) connect at weight=349.0
2025-04-09 19:04:13.297 | DEBUG    | __main__:<module>:20 - Iteration 276: Points 327 (cluster 2271) and 342 (cluster 342) connect at weight=349.0
2025-04-09 19:04:13.297 | DEBUG    | __main__:<module>:20 - Iteration 277: Points 292 (cluster 292) and 353 (cluster 353) connect at weight=349.0
2025-04-09 19:04:13.297 | DEBUG    | __main__:<module>:20 - Iteration 278: Points 292 (cluster 2277) and 302 (cluster 2257) connect at weight=349.0
2025-04-09 19:04:13.298 | DEBUG    | __main__:<module>:20 - Iteration 279: Points 287 (cluster 287) and 200 (cluster 2272) connect at weight=349.0
2025-04-09 19:04:13.298 | DEBUG    | __main__:<module>:20 - Iteration 280: Points 280 (cluster 2270) and 292 (cluster 2278) connect at weight=349.0
2025-04-09 19:04:13.298 | DEBUG    | __main__:<module>:20 - Iteration 281: Points 270 (cluster 270) and 349 (cluster 2274) connect at weight=349.0
2025-04-09 19:04:13.298 | DEBUG    | __main__:<module>:20 - Iteration 282: Points 270 (cluster 2281) and 309 (cluster 309) connect at weight=349.0
2025-04-09 19:04:13.298 | DEBUG    | __main__:<module>:20 - Iteration 283: Points 263 (cluster 2279) and 275 (cluster 2259) connect at weight=349.0
2025-04-09 19:04:13.298 | DEBUG    | __main__:<module>:20 - Iteration 284: Points 254 (cluster 2283) and 284 (cluster 284) connect at weight=349.0
2025-04-09 19:04:13.299 | DEBUG    | __main__:<module>:20 - Iteration 285: Points 252 (cluster 2280) and 313 (cluster 313) connect at weight=349.0
2025-04-09 19:04:13.299 | DEBUG    | __main__:<module>:20 - Iteration 286: Points 238 (cluster 2276) and 282 (cluster 2242) connect at weight=349.0
2025-04-09 19:04:13.299 | DEBUG    | __main__:<module>:20 - Iteration 287: Points 221 (cluster 2285) and 344 (cluster 344) connect at weight=349.0
2025-04-09 19:04:13.299 | DEBUG    | __main__:<module>:20 - Iteration 288: Points 220 (cluster 2286) and 266 (cluster 266) connect at weight=349.0
2025-04-09 19:04:13.299 | DEBUG    | __main__:<module>:20 - Iteration 289: Points 200 (cluster 2284) and 311 (cluster 311) connect at weight=349.0
2025-04-09 19:04:13.300 | DEBUG    | __main__:<module>:20 - Iteration 290: Points 194 (cluster 2288) and 324 (cluster 324) connect at weight=349.0
2025-04-09 19:04:13.300 | DEBUG    | __main__:<module>:20 - Iteration 291: Points 186 (cluster 2219) and 229 (cluster 229) connect at weight=349.0
2025-04-09 19:04:13.300 | DEBUG    | __main__:<module>:20 - Iteration 292: Points 183 (cluster 183) and 261 (cluster 261) connect at weight=349.0
2025-04-09 19:04:13.300 | DEBUG    | __main__:<module>:20 - Iteration 293: Points 170 (cluster 2290) and 350 (cluster 350) connect at weight=349.0
2025-04-09 19:04:13.300 | DEBUG    | __main__:<module>:20 - Iteration 294: Points 164 (cluster 164) and 66 (cluster 66) connect at weight=349.0
2025-04-09 19:04:13.301 | DEBUG    | __main__:<module>:20 - Iteration 295: Points 138 (cluster 2289) and 279 (cluster 279) connect at weight=349.0
2025-04-09 19:04:13.301 | DEBUG    | __main__:<module>:20 - Iteration 296: Points 74 (cluster 2293) and 14 (cluster 14) connect at weight=349.0
2025-04-09 19:04:13.301 | DEBUG    | __main__:<module>:20 - Iteration 297: Points 377 (cluster 377) and 363 (cluster 363) connect at weight=348.0
2025-04-09 19:04:13.301 | DEBUG    | __main__:<module>:20 - Iteration 298: Points 377 (cluster 2297) and 361 (cluster 361) connect at weight=348.0
2025-04-09 19:04:13.302 | DEBUG    | __main__:<module>:20 - Iteration 299: Points 375 (cluster 375) and 370 (cluster 370) connect at weight=348.0
2025-04-09 19:04:13.302 | DEBUG    | __main__:<module>:20 - Iteration 300: Points 353 (cluster 2287) and 383 (cluster 383) connect at weight=348.0
2025-04-09 19:04:13.302 | DEBUG    | __main__:<module>:20 - Iteration 301: Points 349 (cluster 2282) and 331 (cluster 331) connect at weight=348.0
2025-04-09 19:04:13.302 | DEBUG    | __main__:<module>:20 - Iteration 302: Points 325 (cluster 325) and 318 (cluster 318) connect at weight=348.0
2025-04-09 19:04:13.302 | DEBUG    | __main__:<module>:20 - Iteration 303: Points 324 (cluster 2296) and 339 (cluster 339) connect at weight=348.0
2025-04-09 19:04:13.303 | DEBUG    | __main__:<module>:20 - Iteration 304: Points 317 (cluster 317) and 357 (cluster 357) connect at weight=348.0
2025-04-09 19:04:13.303 | DEBUG    | __main__:<module>:20 - Iteration 305: Points 316 (cluster 2275) and 351 (cluster 2273) connect at weight=348.0
2025-04-09 19:04:13.303 | DEBUG    | __main__:<module>:20 - Iteration 306: Points 311 (cluster 2295) and 365 (cluster 365) connect at weight=348.0
2025-04-09 19:04:13.303 | DEBUG    | __main__:<module>:20 - Iteration 307: Points 309 (cluster 2301) and 373 (cluster 373) connect at weight=348.0
2025-04-09 19:04:13.303 | DEBUG    | __main__:<module>:20 - Iteration 308: Points 308 (cluster 308) and 270 (cluster 2307) connect at weight=348.0
2025-04-09 19:04:13.303 | DEBUG    | __main__:<module>:20 - Iteration 309: Points 304 (cluster 304) and 340 (cluster 340) connect at weight=348.0
2025-04-09 19:04:13.304 | DEBUG    | __main__:<module>:20 - Iteration 310: Points 293 (cluster 293) and 323 (cluster 323) connect at weight=348.0
2025-04-09 19:04:13.304 | DEBUG    | __main__:<module>:20 - Iteration 311: Points 291 (cluster 2303) and 358 (cluster 358) connect at weight=348.0
2025-04-09 19:04:13.304 | DEBUG    | __main__:<module>:20 - Iteration 312: Points 290 (cluster 2311) and 300 (cluster 300) connect at weight=348.0
2025-04-09 19:04:13.304 | DEBUG    | __main__:<module>:20 - Iteration 313: Points 288 (cluster 2300) and 335 (cluster 335) connect at weight=348.0
2025-04-09 19:04:13.304 | DEBUG    | __main__:<module>:20 - Iteration 314: Points 279 (cluster 2306) and 320 (cluster 320) connect at weight=348.0
2025-04-09 19:04:13.305 | DEBUG    | __main__:<module>:20 - Iteration 315: Points 265 (cluster 265) and 222 (cluster 2313) connect at weight=348.0
2025-04-09 19:04:13.305 | DEBUG    | __main__:<module>:20 - Iteration 316: Points 261 (cluster 2292) and 244 (cluster 244) connect at weight=348.0
2025-04-09 19:04:13.305 | DEBUG    | __main__:<module>:20 - Iteration 317: Points 254 (cluster 2314) and 347 (cluster 347) connect at weight=348.0
2025-04-09 19:04:13.305 | DEBUG    | __main__:<module>:20 - Iteration 318: Points 237 (cluster 2315) and 334 (cluster 334) connect at weight=348.0
2025-04-09 19:04:13.305 | DEBUG    | __main__:<module>:20 - Iteration 319: Points 229 (cluster 2291) and 265 (cluster 2318) connect at weight=348.0
2025-04-09 19:04:13.306 | DEBUG    | __main__:<module>:20 - Iteration 320: Points 178 (cluster 2317) and 314 (cluster 314) connect at weight=348.0
2025-04-09 19:04:13.306 | DEBUG    | __main__:<module>:20 - Iteration 321: Points 5 (cluster 5) and 96 (cluster 96) connect at weight=348.0
2025-04-09 19:04:13.306 | DEBUG    | __main__:<module>:20 - Iteration 322: Points 4 (cluster 2319) and 86 (cluster 2183) connect at weight=348.0
2025-04-09 19:04:13.306 | DEBUG    | __main__:<module>:20 - Iteration 323: Points 394 (cluster 394) and 317 (cluster 2304) connect at weight=347.0
2025-04-09 19:04:13.306 | DEBUG    | __main__:<module>:20 - Iteration 324: Points 384 (cluster 384) and 372 (cluster 372) connect at weight=347.0
2025-04-09 19:04:13.307 | DEBUG    | __main__:<module>:20 - Iteration 325: Points 377 (cluster 2298) and 395 (cluster 395) connect at weight=347.0
2025-04-09 19:04:13.307 | DEBUG    | __main__:<module>:20 - Iteration 326: Points 371 (cluster 371) and 341 (cluster 341) connect at weight=347.0
2025-04-09 19:04:13.307 | DEBUG    | __main__:<module>:20 - Iteration 327: Points 369 (cluster 369) and 366 (cluster 366) connect at weight=347.0
2025-04-09 19:04:13.307 | DEBUG    | __main__:<module>:20 - Iteration 328: Points 365 (cluster 2320) and 369 (cluster 2327) connect at weight=347.0
2025-04-09 19:04:13.307 | DEBUG    | __main__:<module>:20 - Iteration 329: Points 352 (cluster 352) and 330 (cluster 2305) connect at weight=347.0
2025-04-09 19:04:13.307 | DEBUG    | __main__:<module>:20 - Iteration 330: Points 348 (cluster 348) and 371 (cluster 2326) connect at weight=347.0
2025-04-09 19:04:13.308 | DEBUG    | __main__:<module>:20 - Iteration 331: Points 341 (cluster 2330) and 356 (cluster 356) connect at weight=347.0
2025-04-09 19:04:13.308 | DEBUG    | __main__:<module>:20 - Iteration 332: Points 330 (cluster 2329) and 332 (cluster 332) connect at weight=347.0
2025-04-09 19:04:13.308 | DEBUG    | __main__:<module>:20 - Iteration 333: Points 326 (cluster 326) and 368 (cluster 368) connect at weight=347.0
2025-04-09 19:04:13.308 | DEBUG    | __main__:<module>:20 - Iteration 334: Points 323 (cluster 2310) and 326 (cluster 2333) connect at weight=347.0
2025-04-09 19:04:13.308 | DEBUG    | __main__:<module>:20 - Iteration 335: Points 317 (cluster 2323) and 377 (cluster 2325) connect at weight=347.0
2025-04-09 19:04:13.309 | DEBUG    | __main__:<module>:20 - Iteration 336: Points 304 (cluster 2309) and 287 (cluster 2328) connect at weight=347.0
2025-04-09 19:04:13.309 | DEBUG    | __main__:<module>:20 - Iteration 337: Points 281 (cluster 2336) and 329 (cluster 329) connect at weight=347.0
2025-04-09 19:04:13.309 | DEBUG    | __main__:<module>:20 - Iteration 338: Points 273 (cluster 2322) and 285 (cluster 285) connect at weight=347.0
2025-04-09 19:04:13.309 | DEBUG    | __main__:<module>:20 - Iteration 339: Points 233 (cluster 2312) and 336 (cluster 336) connect at weight=347.0
2025-04-09 19:04:13.309 | DEBUG    | __main__:<module>:20 - Iteration 340: Points 212 (cluster 2338) and 250 (cluster 250) connect at weight=347.0
2025-04-09 19:04:13.310 | DEBUG    | __main__:<module>:20 - Iteration 341: Points 208 (cluster 2339) and 396 (cluster 396) connect at weight=347.0
2025-04-09 19:04:13.310 | DEBUG    | __main__:<module>:20 - Iteration 342: Points 194 (cluster 2341) and 374 (cluster 374) connect at weight=347.0
2025-04-09 19:04:13.310 | DEBUG    | __main__:<module>:20 - Iteration 343: Points 186 (cluster 2340) and 293 (cluster 2334) connect at weight=347.0
2025-04-09 19:04:13.310 | DEBUG    | __main__:<module>:20 - Iteration 344: Points 138 (cluster 2337) and 274 (cluster 274) connect at weight=347.0
2025-04-09 19:04:13.310 | DEBUG    | __main__:<module>:20 - Iteration 345: Points 136 (cluster 2343) and 364 (cluster 364) connect at weight=347.0
2025-04-09 19:04:13.310 | DEBUG    | __main__:<module>:20 - Iteration 346: Points 427 (cluster 427) and 362 (cluster 362) connect at weight=346.0
2025-04-09 19:04:13.311 | DEBUG    | __main__:<module>:20 - Iteration 347: Points 422 (cluster 422) and 391 (cluster 391) connect at weight=346.0
2025-04-09 19:04:13.311 | DEBUG    | __main__:<module>:20 - Iteration 348: Points 415 (cluster 415) and 401 (cluster 401) connect at weight=346.0
2025-04-09 19:04:13.311 | DEBUG    | __main__:<module>:20 - Iteration 349: Points 394 (cluster 2335) and 403 (cluster 403) connect at weight=346.0
2025-04-09 19:04:13.311 | DEBUG    | __main__:<module>:20 - Iteration 350: Points 388 (cluster 388) and 359 (cluster 359) connect at weight=346.0
2025-04-09 19:04:13.311 | DEBUG    | __main__:<module>:20 - Iteration 351: Points 385 (cluster 385) and 419 (cluster 419) connect at weight=346.0
2025-04-09 19:04:13.312 | DEBUG    | __main__:<module>:20 - Iteration 352: Points 379 (cluster 379) and 333 (cluster 333) connect at weight=346.0
2025-04-09 19:04:13.312 | DEBUG    | __main__:<module>:20 - Iteration 353: Points 377 (cluster 2349) and 379 (cluster 2352) connect at weight=346.0
2025-04-09 19:04:13.312 | DEBUG    | __main__:<module>:20 - Iteration 354: Points 376 (cluster 376) and 417 (cluster 417) connect at weight=346.0
2025-04-09 19:04:13.312 | DEBUG    | __main__:<module>:20 - Iteration 355: Points 375 (cluster 2299) and 394 (cluster 2353) connect at weight=346.0
2025-04-09 19:04:13.312 | DEBUG    | __main__:<module>:20 - Iteration 356: Points 374 (cluster 2342) and 354 (cluster 354) connect at weight=346.0
2025-04-09 19:04:13.313 | DEBUG    | __main__:<module>:20 - Iteration 357: Points 371 (cluster 2331) and 427 (cluster 2346) connect at weight=346.0
2025-04-09 19:04:13.313 | DEBUG    | __main__:<module>:20 - Iteration 358: Points 366 (cluster 2344) and 397 (cluster 397) connect at weight=346.0
2025-04-09 19:04:13.313 | DEBUG    | __main__:<module>:20 - Iteration 359: Points 362 (cluster 2357) and 352 (cluster 2332) connect at weight=346.0
2025-04-09 19:04:13.313 | DEBUG    | __main__:<module>:20 - Iteration 360: Points 357 (cluster 2355) and 420 (cluster 420) connect at weight=346.0
2025-04-09 19:04:13.313 | DEBUG    | __main__:<module>:20 - Iteration 361: Points 354 (cluster 2356) and 376 (cluster 2354) connect at weight=346.0
2025-04-09 19:04:13.314 | DEBUG    | __main__:<module>:20 - Iteration 362: Points 351 (cluster 2359) and 360 (cluster 360) connect at weight=346.0
2025-04-09 19:04:13.314 | DEBUG    | __main__:<module>:20 - Iteration 363: Points 328 (cluster 2263) and 276 (cluster 276) connect at weight=346.0
2025-04-09 19:04:13.314 | DEBUG    | __main__:<module>:20 - Iteration 364: Points 315 (cluster 2358) and 416 (cluster 416) connect at weight=346.0
2025-04-09 19:04:13.314 | DEBUG    | __main__:<module>:20 - Iteration 365: Points 312 (cluster 2364) and 414 (cluster 414) connect at weight=346.0
2025-04-09 19:04:13.314 | DEBUG    | __main__:<module>:20 - Iteration 366: Points 310 (cluster 310) and 346 (cluster 346) connect at weight=346.0
2025-04-09 19:04:13.314 | DEBUG    | __main__:<module>:20 - Iteration 367: Points 301 (cluster 301) and 375 (cluster 2360) connect at weight=346.0
2025-04-09 19:04:13.315 | DEBUG    | __main__:<module>:20 - Iteration 368: Points 284 (cluster 2365) and 301 (cluster 2367) connect at weight=346.0
2025-04-09 19:04:13.315 | DEBUG    | __main__:<module>:20 - Iteration 369: Points 268 (cluster 2345) and 407 (cluster 407) connect at weight=346.0
2025-04-09 19:04:13.315 | DEBUG    | __main__:<module>:20 - Iteration 370: Points 268 (cluster 2369) and 402 (cluster 402) connect at weight=346.0
2025-04-09 19:04:13.317 | DEBUG    | __main__:<module>:20 - Iteration 371: Points 267 (cluster 2363) and 380 (cluster 380) connect at weight=346.0
2025-04-09 19:04:13.317 | DEBUG    | __main__:<module>:20 - Iteration 372: Points 237 (cluster 2370) and 423 (cluster 423) connect at weight=346.0
2025-04-09 19:04:13.318 | DEBUG    | __main__:<module>:20 - Iteration 373: Points 441 (cluster 441) and 410 (cluster 410) connect at weight=345.0
2025-04-09 19:04:13.318 | DEBUG    | __main__:<module>:20 - Iteration 374: Points 438 (cluster 438) and 387 (cluster 387) connect at weight=345.0
2025-04-09 19:04:13.318 | DEBUG    | __main__:<module>:20 - Iteration 375: Points 437 (cluster 437) and 430 (cluster 430) connect at weight=345.0
2025-04-09 19:04:13.318 | DEBUG    | __main__:<module>:20 - Iteration 376: Points 433 (cluster 433) and 426 (cluster 426) connect at weight=345.0
2025-04-09 19:04:13.318 | DEBUG    | __main__:<module>:20 - Iteration 377: Points 420 (cluster 2368) and 433 (cluster 2376) connect at weight=345.0
2025-04-09 19:04:13.319 | DEBUG    | __main__:<module>:20 - Iteration 378: Points 417 (cluster 2361) and 432 (cluster 432) connect at weight=345.0
2025-04-09 19:04:13.319 | DEBUG    | __main__:<module>:20 - Iteration 379: Points 417 (cluster 2378) and 412 (cluster 412) connect at weight=345.0
2025-04-09 19:04:13.319 | DEBUG    | __main__:<module>:20 - Iteration 380: Points 415 (cluster 2348) and 408 (cluster 408) connect at weight=345.0
2025-04-09 19:04:13.319 | DEBUG    | __main__:<module>:20 - Iteration 381: Points 398 (cluster 398) and 405 (cluster 405) connect at weight=345.0
2025-04-09 19:04:13.319 | DEBUG    | __main__:<module>:20 - Iteration 382: Points 392 (cluster 392) and 406 (cluster 406) connect at weight=345.0
2025-04-09 19:04:13.320 | DEBUG    | __main__:<module>:20 - Iteration 383: Points 386 (cluster 386) and 415 (cluster 2380) connect at weight=345.0
2025-04-09 19:04:13.320 | DEBUG    | __main__:<module>:20 - Iteration 384: Points 384 (cluster 2324) and 386 (cluster 2383) connect at weight=345.0
2025-04-09 19:04:13.320 | DEBUG    | __main__:<module>:20 - Iteration 385: Points 378 (cluster 378) and 348 (cluster 2362) connect at weight=345.0
2025-04-09 19:04:13.320 | DEBUG    | __main__:<module>:20 - Iteration 386: Points 374 (cluster 2379) and 389 (cluster 389) connect at weight=345.0
2025-04-09 19:04:13.320 | DEBUG    | __main__:<module>:20 - Iteration 387: Points 368 (cluster 2372) and 384 (cluster 2384) connect at weight=345.0
2025-04-09 19:04:13.321 | DEBUG    | __main__:<module>:20 - Iteration 388: Points 352 (cluster 2385) and 411 (cluster 411) connect at weight=345.0
2025-04-09 19:04:13.321 | DEBUG    | __main__:<module>:20 - Iteration 389: Points 351 (cluster 2388) and 422 (cluster 2347) connect at weight=345.0
2025-04-09 19:04:13.321 | DEBUG    | __main__:<module>:20 - Iteration 390: Points 343 (cluster 343) and 319 (cluster 319) connect at weight=345.0
2025-04-09 19:04:13.321 | DEBUG    | __main__:<module>:20 - Iteration 391: Points 338 (cluster 338) and 441 (cluster 2373) connect at weight=345.0
2025-04-09 19:04:13.321 | DEBUG    | __main__:<module>:20 - Iteration 392: Points 325 (cluster 2302) and 367 (cluster 367) connect at weight=345.0
2025-04-09 19:04:13.321 | DEBUG    | __main__:<module>:20 - Iteration 393: Points 319 (cluster 2390) and 378 (cluster 2389) connect at weight=345.0
2025-04-09 19:04:13.322 | DEBUG    | __main__:<module>:20 - Iteration 394: Points 317 (cluster 2377) and 438 (cluster 2374) connect at weight=345.0
2025-04-09 19:04:13.322 | DEBUG    | __main__:<module>:20 - Iteration 395: Points 300 (cluster 2386) and 264 (cluster 2371) connect at weight=345.0
2025-04-09 19:04:13.322 | DEBUG    | __main__:<module>:20 - Iteration 396: Points 285 (cluster 2387) and 393 (cluster 393) connect at weight=345.0
2025-04-09 19:04:13.322 | DEBUG    | __main__:<module>:20 - Iteration 397: Points 243 (cluster 2396) and 434 (cluster 434) connect at weight=345.0
2025-04-09 19:04:13.322 | DEBUG    | __main__:<module>:20 - Iteration 398: Points 208 (cluster 2395) and 399 (cluster 399) connect at weight=345.0
2025-04-09 19:04:13.323 | DEBUG    | __main__:<module>:20 - Iteration 399: Points 147 (cluster 2394) and 409 (cluster 409) connect at weight=345.0
2025-04-09 19:04:13.323 | DEBUG    | __main__:<module>:20 - Iteration 400: Points 96 (cluster 2321) and 186 (cluster 2397) connect at weight=345.0
2025-04-09 19:04:13.323 | DEBUG    | __main__:<module>:20 - Iteration 401: Points 445 (cluster 445) and 404 (cluster 404) connect at weight=344.0
2025-04-09 19:04:13.323 | DEBUG    | __main__:<module>:20 - Iteration 402: Points 440 (cluster 440) and 436 (cluster 436) connect at weight=344.0
2025-04-09 19:04:13.323 | DEBUG    | __main__:<module>:20 - Iteration 403: Points 421 (cluster 421) and 428 (cluster 428) connect at weight=344.0
2025-04-09 19:04:13.323 | DEBUG    | __main__:<module>:20 - Iteration 404: Points 413 (cluster 413) and 443 (cluster 443) connect at weight=344.0
2025-04-09 19:04:13.324 | DEBUG    | __main__:<module>:20 - Iteration 405: Points 412 (cluster 2398) and 381 (cluster 381) connect at weight=344.0
2025-04-09 19:04:13.324 | DEBUG    | __main__:<module>:20 - Iteration 406: Points 406 (cluster 2382) and 440 (cluster 2402) connect at weight=344.0
2025-04-09 19:04:13.324 | DEBUG    | __main__:<module>:20 - Iteration 407: Points 404 (cluster 2401) and 308 (cluster 2308) connect at weight=344.0
2025-04-09 19:04:13.324 | DEBUG    | __main__:<module>:20 - Iteration 408: Points 381 (cluster 2405) and 338 (cluster 2391) connect at weight=344.0
2025-04-09 19:04:13.324 | DEBUG    | __main__:<module>:20 - Iteration 409: Points 373 (cluster 2407) and 453 (cluster 453) connect at weight=344.0
2025-04-09 19:04:13.325 | DEBUG    | __main__:<module>:20 - Iteration 410: Points 359 (cluster 2350) and 355 (cluster 355) connect at weight=344.0
2025-04-09 19:04:13.325 | DEBUG    | __main__:<module>:20 - Iteration 411: Points 319 (cluster 2393) and 310 (cluster 2366) connect at weight=344.0
2025-04-09 19:04:13.325 | DEBUG    | __main__:<module>:20 - Iteration 412: Points 306 (cluster 306) and 321 (cluster 321) connect at weight=344.0
2025-04-09 19:04:13.325 | DEBUG    | __main__:<module>:20 - Iteration 413: Points 279 (cluster 2399) and 437 (cluster 2375) connect at weight=344.0
2025-04-09 19:04:13.325 | DEBUG    | __main__:<module>:20 - Iteration 414: Points 266 (cluster 2408) and 306 (cluster 2412) connect at weight=344.0
2025-04-09 19:04:13.326 | DEBUG    | __main__:<module>:20 - Iteration 415: Points 259 (cluster 2413) and 429 (cluster 429) connect at weight=344.0
2025-04-09 19:04:13.326 | DEBUG    | __main__:<module>:20 - Iteration 416: Points 233 (cluster 2414) and 446 (cluster 446) connect at weight=344.0
2025-04-09 19:04:13.326 | DEBUG    | __main__:<module>:20 - Iteration 417: Points 203 (cluster 2415) and 442 (cluster 442) connect at weight=344.0
2025-04-09 19:04:13.326 | DEBUG    | __main__:<module>:20 - Iteration 418: Points 185 (cluster 2400) and 452 (cluster 452) connect at weight=344.0
2025-04-09 19:04:13.326 | DEBUG    | __main__:<module>:20 - Iteration 419: Points 449 (cluster 449) and 425 (cluster 425) connect at weight=343.0
2025-04-09 19:04:13.326 | DEBUG    | __main__:<module>:20 - Iteration 420: Points 445 (cluster 2409) and 458 (cluster 458) connect at weight=343.0
2025-04-09 19:04:13.327 | DEBUG    | __main__:<module>:20 - Iteration 421: Points 425 (cluster 2419) and 392 (cluster 2406) connect at weight=343.0
2025-04-09 19:04:13.327 | DEBUG    | __main__:<module>:20 - Iteration 422: Points 418 (cluster 418) and 448 (cluster 448) connect at weight=343.0
2025-04-09 19:04:13.327 | DEBUG    | __main__:<module>:20 - Iteration 423: Points 383 (cluster 2418) and 439 (cluster 439) connect at weight=343.0
2025-04-09 19:04:13.327 | DEBUG    | __main__:<module>:20 - Iteration 424: Points 380 (cluster 2416) and 343 (cluster 2411) connect at weight=343.0
2025-04-09 19:04:13.327 | DEBUG    | __main__:<module>:20 - Iteration 425: Points 356 (cluster 2424) and 421 (cluster 2403) connect at weight=343.0
2025-04-09 19:04:13.328 | DEBUG    | __main__:<module>:20 - Iteration 426: Points 343 (cluster 2425) and 400 (cluster 400) connect at weight=343.0
2025-04-09 19:04:13.328 | DEBUG    | __main__:<module>:20 - Iteration 427: Points 338 (cluster 2426) and 450 (cluster 450) connect at weight=343.0
2025-04-09 19:04:13.328 | DEBUG    | __main__:<module>:20 - Iteration 428: Points 309 (cluster 2420) and 304 (cluster 2417) connect at weight=343.0
2025-04-09 19:04:13.328 | DEBUG    | __main__:<module>:20 - Iteration 429: Points 298 (cluster 2428) and 454 (cluster 454) connect at weight=343.0
2025-04-09 19:04:13.328 | DEBUG    | __main__:<module>:20 - Iteration 430: Points 261 (cluster 2316) and 382 (cluster 382) connect at weight=343.0
2025-04-09 19:04:13.329 | DEBUG    | __main__:<module>:20 - Iteration 431: Points 234 (cluster 2429) and 462 (cluster 462) connect at weight=343.0
2025-04-09 19:04:13.335 | DEBUG    | __main__:<module>:20 - Iteration 432: Points 158 (cluster 2431) and 444 (cluster 444) connect at weight=343.0
2025-04-09 19:04:13.335 | DEBUG    | __main__:<module>:20 - Iteration 433: Points 73 (cluster 2427) and 463 (cluster 463) connect at weight=343.0
2025-04-09 19:04:13.335 | DEBUG    | __main__:<module>:20 - Iteration 434: Points 0 (cluster 2433) and 2 (cluster 2) connect at weight=343.0
2025-04-09 19:04:13.335 | DEBUG    | __main__:<module>:20 - Iteration 435: Points 451 (cluster 451) and 445 (cluster 2432) connect at weight=342.0
2025-04-09 19:04:13.336 | DEBUG    | __main__:<module>:20 - Iteration 436: Points 449 (cluster 2421) and 474 (cluster 474) connect at weight=342.0
2025-04-09 19:04:13.336 | DEBUG    | __main__:<module>:20 - Iteration 437: Points 409 (cluster 2435) and 469 (cluster 469) connect at weight=342.0
2025-04-09 19:04:13.336 | DEBUG    | __main__:<module>:20 - Iteration 438: Points 397 (cluster 2437) and 470 (cluster 470) connect at weight=342.0
2025-04-09 19:04:13.336 | DEBUG    | __main__:<module>:20 - Iteration 439: Points 393 (cluster 2423) and 388 (cluster 2410) connect at weight=342.0
2025-04-09 19:04:13.336 | DEBUG    | __main__:<module>:20 - Iteration 440: Points 391 (cluster 2434) and 325 (cluster 2392) connect at weight=342.0
2025-04-09 19:04:13.336 | DEBUG    | __main__:<module>:20 - Iteration 441: Points 378 (cluster 2440) and 431 (cluster 431) connect at weight=342.0
2025-04-09 19:04:13.337 | DEBUG    | __main__:<module>:20 - Iteration 442: Points 372 (cluster 2439) and 472 (cluster 472) connect at weight=342.0
2025-04-09 19:04:13.337 | DEBUG    | __main__:<module>:20 - Iteration 443: Points 347 (cluster 2438) and 464 (cluster 464) connect at weight=342.0
2025-04-09 19:04:13.337 | DEBUG    | __main__:<module>:20 - Iteration 444: Points 338 (cluster 2441) and 435 (cluster 435) connect at weight=342.0
2025-04-09 19:04:13.337 | DEBUG    | __main__:<module>:20 - Iteration 445: Points 333 (cluster 2443) and 449 (cluster 2436) connect at weight=342.0
2025-04-09 19:04:13.337 | DEBUG    | __main__:<module>:20 - Iteration 446: Points 183 (cluster 2430) and 5 (cluster 2442) connect at weight=342.0
2025-04-09 19:04:13.338 | DEBUG    | __main__:<module>:20 - Iteration 447: Points 475 (cluster 475) and 471 (cluster 471) connect at weight=341.0
2025-04-09 19:04:13.338 | DEBUG    | __main__:<module>:20 - Iteration 448: Points 461 (cluster 461) and 455 (cluster 455) connect at weight=341.0
2025-04-09 19:04:13.338 | DEBUG    | __main__:<module>:20 - Iteration 449: Points 459 (cluster 459) and 488 (cluster 488) connect at weight=341.0
2025-04-09 19:04:13.338 | DEBUG    | __main__:<module>:20 - Iteration 450: Points 437 (cluster 2445) and 487 (cluster 487) connect at weight=341.0
2025-04-09 19:04:13.338 | DEBUG    | __main__:<module>:20 - Iteration 451: Points 436 (cluster 2450) and 468 (cluster 468) connect at weight=341.0
2025-04-09 19:04:13.338 | DEBUG    | __main__:<module>:20 - Iteration 452: Points 419 (cluster 2351) and 459 (cluster 2449) connect at weight=341.0
2025-04-09 19:04:13.339 | DEBUG    | __main__:<module>:20 - Iteration 453: Points 395 (cluster 2451) and 484 (cluster 484) connect at weight=341.0
2025-04-09 19:04:13.339 | DEBUG    | __main__:<module>:20 - Iteration 454: Points 372 (cluster 2446) and 480 (cluster 480) connect at weight=341.0
2025-04-09 19:04:13.339 | DEBUG    | __main__:<module>:20 - Iteration 455: Points 367 (cluster 2444) and 398 (cluster 2381) connect at weight=341.0
2025-04-09 19:04:13.339 | DEBUG    | __main__:<module>:20 - Iteration 456: Points 340 (cluster 2453) and 485 (cluster 485) connect at weight=341.0
2025-04-09 19:04:13.339 | DEBUG    | __main__:<module>:20 - Iteration 457: Points 335 (cluster 2454) and 481 (cluster 481) connect at weight=341.0
2025-04-09 19:04:13.340 | DEBUG    | __main__:<module>:20 - Iteration 458: Points 318 (cluster 2455) and 307 (cluster 307) connect at weight=341.0
2025-04-09 19:04:13.340 | DEBUG    | __main__:<module>:20 - Iteration 459: Points 313 (cluster 2457) and 473 (cluster 473) connect at weight=341.0
2025-04-09 19:04:13.340 | DEBUG    | __main__:<module>:20 - Iteration 460: Points 500 (cluster 500) and 479 (cluster 479) connect at weight=340.0
2025-04-09 19:04:13.340 | DEBUG    | __main__:<module>:20 - Iteration 461: Points 488 (cluster 2452) and 492 (cluster 492) connect at weight=340.0
2025-04-09 19:04:13.340 | DEBUG    | __main__:<module>:20 - Iteration 462: Points 486 (cluster 486) and 500 (cluster 2460) connect at weight=340.0
2025-04-09 19:04:13.340 | DEBUG    | __main__:<module>:20 - Iteration 463: Points 483 (cluster 483) and 499 (cluster 499) connect at weight=340.0
2025-04-09 19:04:13.341 | DEBUG    | __main__:<module>:20 - Iteration 464: Points 456 (cluster 456) and 451 (cluster 2456) connect at weight=340.0
2025-04-09 19:04:13.341 | DEBUG    | __main__:<module>:20 - Iteration 465: Points 428 (cluster 2458) and 493 (cluster 493) connect at weight=340.0
2025-04-09 19:04:13.341 | DEBUG    | __main__:<module>:20 - Iteration 466: Points 397 (cluster 2464) and 465 (cluster 465) connect at weight=340.0
2025-04-09 19:04:13.341 | DEBUG    | __main__:<module>:20 - Iteration 467: Points 302 (cluster 2459) and 483 (cluster 2463) connect at weight=340.0
2025-04-09 19:04:13.341 | DEBUG    | __main__:<module>:20 - Iteration 468: Points 247 (cluster 2467) and 477 (cluster 477) connect at weight=340.0
2025-04-09 19:04:13.342 | DEBUG    | __main__:<module>:20 - Iteration 469: Points 244 (cluster 2468) and 390 (cluster 390) connect at weight=340.0
2025-04-09 19:04:13.342 | DEBUG    | __main__:<module>:20 - Iteration 470: Points 228 (cluster 2466) and 466 (cluster 466) connect at weight=340.0
2025-04-09 19:04:13.342 | DEBUG    | __main__:<module>:20 - Iteration 471: Points 496 (cluster 496) and 515 (cluster 515) connect at weight=339.0
2025-04-09 19:04:13.342 | DEBUG    | __main__:<module>:20 - Iteration 472: Points 494 (cluster 494) and 509 (cluster 509) connect at weight=339.0
2025-04-09 19:04:13.342 | DEBUG    | __main__:<module>:20 - Iteration 473: Points 491 (cluster 491) and 507 (cluster 507) connect at weight=339.0
2025-04-09 19:04:13.342 | DEBUG    | __main__:<module>:20 - Iteration 474: Points 489 (cluster 489) and 514 (cluster 514) connect at weight=339.0
2025-04-09 19:04:13.343 | DEBUG    | __main__:<module>:20 - Iteration 475: Points 468 (cluster 2470) and 516 (cluster 516) connect at weight=339.0
2025-04-09 19:04:13.343 | DEBUG    | __main__:<module>:20 - Iteration 476: Points 454 (cluster 2475) and 502 (cluster 502) connect at weight=339.0
2025-04-09 19:04:13.343 | DEBUG    | __main__:<module>:20 - Iteration 477: Points 419 (cluster 2461) and 496 (cluster 2471) connect at weight=339.0
2025-04-09 19:04:13.343 | DEBUG    | __main__:<module>:20 - Iteration 478: Points 419 (cluster 2477) and 491 (cluster 2473) connect at weight=339.0
2025-04-09 19:04:13.343 | DEBUG    | __main__:<module>:20 - Iteration 479: Points 408 (cluster 2469) and 475 (cluster 2447) connect at weight=339.0
2025-04-09 19:04:13.343 | DEBUG    | __main__:<module>:20 - Iteration 480: Points 408 (cluster 2479) and 447 (cluster 447) connect at weight=339.0
2025-04-09 19:04:13.344 | DEBUG    | __main__:<module>:20 - Iteration 481: Points 399 (cluster 2465) and 478 (cluster 478) connect at weight=339.0
2025-04-09 19:04:13.344 | DEBUG    | __main__:<module>:20 - Iteration 482: Points 398 (cluster 2481) and 418 (cluster 2422) connect at weight=339.0
2025-04-09 19:04:13.344 | DEBUG    | __main__:<module>:20 - Iteration 483: Points 385 (cluster 2478) and 497 (cluster 497) connect at weight=339.0
2025-04-09 19:04:13.344 | DEBUG    | __main__:<module>:20 - Iteration 484: Points 307 (cluster 2482) and 460 (cluster 460) connect at weight=339.0
2025-04-09 19:04:13.344 | DEBUG    | __main__:<module>:20 - Iteration 485: Points 302 (cluster 2480) and 498 (cluster 498) connect at weight=339.0
2025-04-09 19:04:13.345 | DEBUG    | __main__:<module>:20 - Iteration 486: Points 533 (cluster 533) and 530 (cluster 530) connect at weight=338.0
2025-04-09 19:04:13.345 | DEBUG    | __main__:<module>:20 - Iteration 487: Points 533 (cluster 2486) and 520 (cluster 520) connect at weight=338.0
2025-04-09 19:04:13.345 | DEBUG    | __main__:<module>:20 - Iteration 488: Points 532 (cluster 532) and 494 (cluster 2472) connect at weight=338.0
2025-04-09 19:04:13.345 | DEBUG    | __main__:<module>:20 - Iteration 489: Points 516 (cluster 2476) and 527 (cluster 527) connect at weight=338.0
2025-04-09 19:04:13.345 | DEBUG    | __main__:<module>:20 - Iteration 490: Points 514 (cluster 2474) and 532 (cluster 2488) connect at weight=338.0
2025-04-09 19:04:13.346 | DEBUG    | __main__:<module>:20 - Iteration 491: Points 509 (cluster 2490) and 519 (cluster 519) connect at weight=338.0
2025-04-09 19:04:13.346 | DEBUG    | __main__:<module>:20 - Iteration 492: Points 499 (cluster 2485) and 482 (cluster 482) connect at weight=338.0
2025-04-09 19:04:13.346 | DEBUG    | __main__:<module>:20 - Iteration 493: Points 493 (cluster 2484) and 517 (cluster 517) connect at weight=338.0
2025-04-09 19:04:13.346 | DEBUG    | __main__:<module>:20 - Iteration 494: Points 479 (cluster 2462) and 503 (cluster 503) connect at weight=338.0
2025-04-09 19:04:13.346 | DEBUG    | __main__:<module>:20 - Iteration 495: Points 472 (cluster 2492) and 505 (cluster 505) connect at weight=338.0
2025-04-09 19:04:13.346 | DEBUG    | __main__:<module>:20 - Iteration 496: Points 459 (cluster 2483) and 486 (cluster 2494) connect at weight=338.0
2025-04-09 19:04:13.347 | DEBUG    | __main__:<module>:20 - Iteration 497: Points 457 (cluster 457) and 531 (cluster 531) connect at weight=338.0
2025-04-09 19:04:13.347 | DEBUG    | __main__:<module>:20 - Iteration 498: Points 391 (cluster 2493) and 508 (cluster 508) connect at weight=338.0
2025-04-09 19:04:13.347 | DEBUG    | __main__:<module>:20 - Iteration 499: Points 382 (cluster 2495) and 467 (cluster 467) connect at weight=338.0
2025-04-09 19:04:13.347 | DEBUG    | __main__:<module>:20 - Iteration 500: Points 325 (cluster 2498) and 461 (cluster 2448) connect at weight=338.0
2025-04-09 19:04:13.347 | DEBUG    | __main__:<module>:20 - Iteration 501: Points 179 (cluster 2500) and 528 (cluster 528) connect at weight=338.0
2025-04-09 19:04:13.348 | DEBUG    | __main__:<module>:20 - Iteration 502: Points 43 (cluster 2501) and 164 (cluster 2294) connect at weight=338.0
2025-04-09 19:04:13.348 | DEBUG    | __main__:<module>:20 - Iteration 503: Points 534 (cluster 534) and 526 (cluster 526) connect at weight=337.0
2025-04-09 19:04:13.348 | DEBUG    | __main__:<module>:20 - Iteration 504: Points 533 (cluster 2487) and 504 (cluster 504) connect at weight=337.0
2025-04-09 19:04:13.348 | DEBUG    | __main__:<module>:20 - Iteration 505: Points 531 (cluster 2497) and 533 (cluster 2504) connect at weight=337.0
2025-04-09 19:04:13.348 | DEBUG    | __main__:<module>:20 - Iteration 506: Points 513 (cluster 513) and 535 (cluster 535) connect at weight=337.0
2025-04-09 19:04:13.349 | DEBUG    | __main__:<module>:20 - Iteration 507: Points 501 (cluster 501) and 529 (cluster 529) connect at weight=337.0
2025-04-09 19:04:13.349 | DEBUG    | __main__:<module>:20 - Iteration 508: Points 500 (cluster 2496) and 540 (cluster 540) connect at weight=337.0
2025-04-09 19:04:13.349 | DEBUG    | __main__:<module>:20 - Iteration 509: Points 495 (cluster 495) and 538 (cluster 538) connect at weight=337.0
2025-04-09 19:04:13.349 | DEBUG    | __main__:<module>:20 - Iteration 510: Points 484 (cluster 2489) and 521 (cluster 521) connect at weight=337.0
2025-04-09 19:04:13.349 | DEBUG    | __main__:<module>:20 - Iteration 511: Points 482 (cluster 2499) and 490 (cluster 490) connect at weight=337.0
2025-04-09 19:04:13.350 | DEBUG    | __main__:<module>:20 - Iteration 512: Points 480 (cluster 2511) and 536 (cluster 536) connect at weight=337.0
2025-04-09 19:04:13.350 | DEBUG    | __main__:<module>:20 - Iteration 513: Points 475 (cluster 2512) and 489 (cluster 2491) connect at weight=337.0
2025-04-09 19:04:13.350 | DEBUG    | __main__:<module>:20 - Iteration 514: Points 469 (cluster 2510) and 537 (cluster 537) connect at weight=337.0
2025-04-09 19:04:13.350 | DEBUG    | __main__:<module>:20 - Iteration 515: Points 468 (cluster 2514) and 476 (cluster 476) connect at weight=337.0
2025-04-09 19:04:13.350 | DEBUG    | __main__:<module>:20 - Iteration 516: Points 459 (cluster 2508) and 513 (cluster 2506) connect at weight=337.0
2025-04-09 19:04:13.351 | DEBUG    | __main__:<module>:20 - Iteration 517: Points 457 (cluster 2505) and 525 (cluster 525) connect at weight=337.0
2025-04-09 19:04:13.351 | DEBUG    | __main__:<module>:20 - Iteration 518: Points 446 (cluster 2502) and 534 (cluster 2503) connect at weight=337.0
2025-04-09 19:04:13.351 | DEBUG    | __main__:<module>:20 - Iteration 519: Points 435 (cluster 2518) and 523 (cluster 523) connect at weight=337.0
2025-04-09 19:04:13.351 | DEBUG    | __main__:<module>:20 - Iteration 520: Points 359 (cluster 2513) and 413 (cluster 2404) connect at weight=337.0
2025-04-09 19:04:13.351 | DEBUG    | __main__:<module>:20 - Iteration 521: Points 340 (cluster 2515) and 539 (cluster 539) connect at weight=337.0
2025-04-09 19:04:13.351 | DEBUG    | __main__:<module>:20 - Iteration 522: Points 318 (cluster 2519) and 457 (cluster 2517) connect at weight=337.0
2025-04-09 19:04:13.352 | DEBUG    | __main__:<module>:20 - Iteration 523: Points 283 (cluster 2522) and 511 (cluster 511) connect at weight=337.0
2025-04-09 19:04:13.352 | DEBUG    | __main__:<module>:20 - Iteration 524: Points 560 (cluster 560) and 554 (cluster 554) connect at weight=336.0
2025-04-09 19:04:13.352 | DEBUG    | __main__:<module>:20 - Iteration 525: Points 553 (cluster 553) and 550 (cluster 550) connect at weight=336.0
2025-04-09 19:04:13.352 | DEBUG    | __main__:<module>:20 - Iteration 526: Points 553 (cluster 2525) and 549 (cluster 549) connect at weight=336.0
2025-04-09 19:04:13.352 | DEBUG    | __main__:<module>:20 - Iteration 527: Points 551 (cluster 551) and 522 (cluster 522) connect at weight=336.0
2025-04-09 19:04:13.353 | DEBUG    | __main__:<module>:20 - Iteration 528: Points 497 (cluster 2516) and 543 (cluster 543) connect at weight=336.0
2025-04-09 19:04:13.353 | DEBUG    | __main__:<module>:20 - Iteration 529: Points 495 (cluster 2509) and 557 (cluster 557) connect at weight=336.0
2025-04-09 19:04:13.353 | DEBUG    | __main__:<module>:20 - Iteration 530: Points 473 (cluster 2520) and 560 (cluster 2524) connect at weight=336.0
2025-04-09 19:04:13.353 | DEBUG    | __main__:<module>:20 - Iteration 531: Points 468 (cluster 2521) and 544 (cluster 544) connect at weight=336.0
2025-04-09 19:04:13.353 | DEBUG    | __main__:<module>:20 - Iteration 532: Points 461 (cluster 2523) and 495 (cluster 2529) connect at weight=336.0
2025-04-09 19:04:13.353 | DEBUG    | __main__:<module>:20 - Iteration 533: Points 423 (cluster 2530) and 555 (cluster 555) connect at weight=336.0
2025-04-09 19:04:13.354 | DEBUG    | __main__:<module>:20 - Iteration 534: Points 369 (cluster 2531) and 510 (cluster 510) connect at weight=336.0
2025-04-09 19:04:13.354 | DEBUG    | __main__:<module>:20 - Iteration 535: Points 287 (cluster 2534) and 552 (cluster 552) connect at weight=336.0
2025-04-09 19:04:13.354 | DEBUG    | __main__:<module>:20 - Iteration 536: Points 571 (cluster 571) and 563 (cluster 563) connect at weight=335.0
2025-04-09 19:04:13.354 | DEBUG    | __main__:<module>:20 - Iteration 537: Points 567 (cluster 567) and 566 (cluster 566) connect at weight=335.0
2025-04-09 19:04:13.354 | DEBUG    | __main__:<module>:20 - Iteration 538: Points 559 (cluster 559) and 518 (cluster 518) connect at weight=335.0
2025-04-09 19:04:13.354 | DEBUG    | __main__:<module>:20 - Iteration 539: Points 545 (cluster 545) and 568 (cluster 568) connect at weight=335.0
2025-04-09 19:04:13.355 | DEBUG    | __main__:<module>:20 - Iteration 540: Points 544 (cluster 2535) and 564 (cluster 564) connect at weight=335.0
2025-04-09 19:04:13.355 | DEBUG    | __main__:<module>:20 - Iteration 541: Points 523 (cluster 2532) and 565 (cluster 565) connect at weight=335.0
2025-04-09 19:04:13.355 | DEBUG    | __main__:<module>:20 - Iteration 542: Points 518 (cluster 2538) and 385 (cluster 2528) connect at weight=335.0
2025-04-09 19:04:13.355 | DEBUG    | __main__:<module>:20 - Iteration 543: Points 497 (cluster 2542) and 570 (cluster 570) connect at weight=335.0
2025-04-09 19:04:13.355 | DEBUG    | __main__:<module>:20 - Iteration 544: Points 490 (cluster 2533) and 571 (cluster 2536) connect at weight=335.0
2025-04-09 19:04:13.356 | DEBUG    | __main__:<module>:20 - Iteration 545: Points 478 (cluster 2541) and 558 (cluster 558) connect at weight=335.0
2025-04-09 19:04:13.356 | DEBUG    | __main__:<module>:20 - Iteration 546: Points 476 (cluster 2540) and 506 (cluster 506) connect at weight=335.0
2025-04-09 19:04:13.356 | DEBUG    | __main__:<module>:20 - Iteration 547: Points 467 (cluster 2544) and 542 (cluster 542) connect at weight=335.0
2025-04-09 19:04:13.356 | DEBUG    | __main__:<module>:20 - Iteration 548: Points 396 (cluster 2545) and 561 (cluster 561) connect at weight=335.0
2025-04-09 19:04:13.356 | DEBUG    | __main__:<module>:20 - Iteration 549: Points 568 (cluster 2539) and 589 (cluster 589) connect at weight=334.0
2025-04-09 19:04:13.356 | DEBUG    | __main__:<module>:20 - Iteration 550: Points 567 (cluster 2537) and 559 (cluster 2543) connect at weight=334.0
2025-04-09 19:04:13.357 | DEBUG    | __main__:<module>:20 - Iteration 551: Points 567 (cluster 2550) and 553 (cluster 2526) connect at weight=334.0
2025-04-09 19:04:13.357 | DEBUG    | __main__:<module>:20 - Iteration 552: Points 548 (cluster 548) and 583 (cluster 583) connect at weight=334.0
2025-04-09 19:04:13.357 | DEBUG    | __main__:<module>:20 - Iteration 553: Points 526 (cluster 2548) and 586 (cluster 586) connect at weight=334.0
2025-04-09 19:04:13.357 | DEBUG    | __main__:<module>:20 - Iteration 554: Points 523 (cluster 2553) and 577 (cluster 577) connect at weight=334.0
2025-04-09 19:04:13.357 | DEBUG    | __main__:<module>:20 - Iteration 555: Points 514 (cluster 2547) and 545 (cluster 2549) connect at weight=334.0
2025-04-09 19:04:13.357 | DEBUG    | __main__:<module>:20 - Iteration 556: Points 506 (cluster 2546) and 578 (cluster 578) connect at weight=334.0
2025-04-09 19:04:13.358 | DEBUG    | __main__:<module>:20 - Iteration 557: Points 372 (cluster 2555) and 548 (cluster 2552) connect at weight=334.0
2025-04-09 19:04:13.358 | DEBUG    | __main__:<module>:20 - Iteration 558: Points 155 (cluster 155) and 183 (cluster 2557) connect at weight=334.0
2025-04-09 19:04:13.358 | DEBUG    | __main__:<module>:20 - Iteration 559: Points 594 (cluster 594) and 590 (cluster 590) connect at weight=333.0
2025-04-09 19:04:13.358 | DEBUG    | __main__:<module>:20 - Iteration 560: Points 589 (cluster 2558) and 580 (cluster 580) connect at weight=333.0
2025-04-09 19:04:13.358 | DEBUG    | __main__:<module>:20 - Iteration 561: Points 575 (cluster 575) and 600 (cluster 600) connect at weight=333.0
2025-04-09 19:04:13.359 | DEBUG    | __main__:<module>:20 - Iteration 562: Points 575 (cluster 2561) and 597 (cluster 597) connect at weight=333.0
2025-04-09 19:04:13.359 | DEBUG    | __main__:<module>:20 - Iteration 563: Points 557 (cluster 2554) and 595 (cluster 595) connect at weight=333.0
2025-04-09 19:04:13.359 | DEBUG    | __main__:<module>:20 - Iteration 564: Points 542 (cluster 2560) and 598 (cluster 598) connect at weight=333.0
2025-04-09 19:04:13.359 | DEBUG    | __main__:<module>:20 - Iteration 565: Points 525 (cluster 2563) and 602 (cluster 602) connect at weight=333.0
2025-04-09 19:04:13.359 | DEBUG    | __main__:<module>:20 - Iteration 566: Points 518 (cluster 2551) and 572 (cluster 572) connect at weight=333.0
2025-04-09 19:04:13.359 | DEBUG    | __main__:<module>:20 - Iteration 567: Points 505 (cluster 2564) and 573 (cluster 573) connect at weight=333.0
2025-04-09 19:04:13.360 | DEBUG    | __main__:<module>:20 - Iteration 568: Points 502 (cluster 2556) and 585 (cluster 585) connect at weight=333.0
2025-04-09 19:04:13.360 | DEBUG    | __main__:<module>:20 - Iteration 569: Points 497 (cluster 2566) and 562 (cluster 562) connect at weight=333.0
2025-04-09 19:04:13.360 | DEBUG    | __main__:<module>:20 - Iteration 570: Points 476 (cluster 2568) and 584 (cluster 584) connect at weight=333.0
2025-04-09 19:04:13.360 | DEBUG    | __main__:<module>:20 - Iteration 571: Points 439 (cluster 2567) and 501 (cluster 2507) connect at weight=333.0
2025-04-09 19:04:13.360 | DEBUG    | __main__:<module>:20 - Iteration 572: Points 438 (cluster 2570) and 581 (cluster 581) connect at weight=333.0
2025-04-09 19:04:13.361 | DEBUG    | __main__:<module>:20 - Iteration 573: Points 429 (cluster 2572) and 592 (cluster 592) connect at weight=333.0
2025-04-09 19:04:13.361 | DEBUG    | __main__:<module>:20 - Iteration 574: Points 426 (cluster 2573) and 599 (cluster 599) connect at weight=333.0
2025-04-09 19:04:13.361 | DEBUG    | __main__:<module>:20 - Iteration 575: Points 618 (cluster 618) and 603 (cluster 603) connect at weight=332.0
2025-04-09 19:04:13.361 | DEBUG    | __main__:<module>:20 - Iteration 576: Points 597 (cluster 2562) and 567 (cluster 2569) connect at weight=332.0
2025-04-09 19:04:13.361 | DEBUG    | __main__:<module>:20 - Iteration 577: Points 593 (cluster 593) and 616 (cluster 616) connect at weight=332.0
2025-04-09 19:04:13.361 | DEBUG    | __main__:<module>:20 - Iteration 578: Points 584 (cluster 2574) and 594 (cluster 2559) connect at weight=332.0
2025-04-09 19:04:13.362 | DEBUG    | __main__:<module>:20 - Iteration 579: Points 533 (cluster 2565) and 541 (cluster 541) connect at weight=332.0
2025-04-09 19:04:13.362 | DEBUG    | __main__:<module>:20 - Iteration 580: Points 506 (cluster 2578) and 607 (cluster 607) connect at weight=332.0
2025-04-09 19:04:13.362 | DEBUG    | __main__:<module>:20 - Iteration 581: Points 490 (cluster 2571) and 612 (cluster 612) connect at weight=332.0
2025-04-09 19:04:13.362 | DEBUG    | __main__:<module>:20 - Iteration 582: Points 460 (cluster 2579) and 582 (cluster 582) connect at weight=332.0
2025-04-09 19:04:13.362 | DEBUG    | __main__:<module>:20 - Iteration 583: Points 458 (cluster 2580) and 587 (cluster 587) connect at weight=332.0
2025-04-09 19:04:13.363 | DEBUG    | __main__:<module>:20 - Iteration 584: Points 450 (cluster 2582) and 601 (cluster 601) connect at weight=332.0
2025-04-09 19:04:13.363 | DEBUG    | __main__:<module>:20 - Iteration 585: Points 425 (cluster 2583) and 619 (cluster 619) connect at weight=332.0
2025-04-09 19:04:13.363 | DEBUG    | __main__:<module>:20 - Iteration 586: Points 424 (cluster 424) and 155 (cluster 2581) connect at weight=332.0
2025-04-09 19:04:13.363 | DEBUG    | __main__:<module>:20 - Iteration 587: Points 410 (cluster 2584) and 524 (cluster 524) connect at weight=332.0
2025-04-09 19:04:13.363 | DEBUG    | __main__:<module>:20 - Iteration 588: Points 66 (cluster 2587) and 512 (cluster 512) connect at weight=332.0
2025-04-09 19:04:13.364 | DEBUG    | __main__:<module>:20 - Iteration 589: Points 627 (cluster 627) and 618 (cluster 2575) connect at weight=331.0
2025-04-09 19:04:13.364 | DEBUG    | __main__:<module>:20 - Iteration 590: Points 621 (cluster 621) and 617 (cluster 617) connect at weight=331.0
2025-04-09 19:04:13.364 | DEBUG    | __main__:<module>:20 - Iteration 591: Points 604 (cluster 604) and 579 (cluster 579) connect at weight=331.0
2025-04-09 19:04:13.364 | DEBUG    | __main__:<module>:20 - Iteration 592: Points 594 (cluster 2585) and 627 (cluster 2589) connect at weight=331.0
2025-04-09 19:04:13.364 | DEBUG    | __main__:<module>:20 - Iteration 593: Points 556 (cluster 556) and 609 (cluster 609) connect at weight=331.0
2025-04-09 19:04:13.364 | DEBUG    | __main__:<module>:20 - Iteration 594: Points 536 (cluster 2586) and 613 (cluster 613) connect at weight=331.0
2025-04-09 19:04:13.365 | DEBUG    | __main__:<module>:20 - Iteration 595: Points 524 (cluster 2588) and 551 (cluster 2527) connect at weight=331.0
2025-04-09 19:04:13.365 | DEBUG    | __main__:<module>:20 - Iteration 596: Points 424 (cluster 2594) and 547 (cluster 547) connect at weight=331.0
2025-04-09 19:04:13.365 | DEBUG    | __main__:<module>:20 - Iteration 597: Points 296 (cluster 2596) and 623 (cluster 623) connect at weight=331.0
2025-04-09 19:04:13.365 | DEBUG    | __main__:<module>:20 - Iteration 598: Points 620 (cluster 620) and 604 (cluster 2591) connect at weight=330.0
2025-04-09 19:04:13.365 | DEBUG    | __main__:<module>:20 - Iteration 599: Points 618 (cluster 2592) and 621 (cluster 2590) connect at weight=330.0
2025-04-09 19:04:13.366 | DEBUG    | __main__:<module>:20 - Iteration 600: Points 615 (cluster 615) and 575 (cluster 2576) connect at weight=330.0
2025-04-09 19:04:13.367 | DEBUG    | __main__:<module>:20 - Iteration 601: Points 612 (cluster 2597) and 628 (cluster 628) connect at weight=330.0
2025-04-09 19:04:13.367 | DEBUG    | __main__:<module>:20 - Iteration 602: Points 611 (cluster 611) and 625 (cluster 625) connect at weight=330.0
2025-04-09 19:04:13.369 | DEBUG    | __main__:<module>:20 - Iteration 603: Points 610 (cluster 610) and 614 (cluster 614) connect at weight=330.0
2025-04-09 19:04:13.370 | DEBUG    | __main__:<module>:20 - Iteration 604: Points 597 (cluster 2600) and 638 (cluster 638) connect at weight=330.0
2025-04-09 19:04:13.370 | DEBUG    | __main__:<module>:20 - Iteration 605: Points 587 (cluster 2599) and 556 (cluster 2593) connect at weight=330.0
2025-04-09 19:04:13.370 | DEBUG    | __main__:<module>:20 - Iteration 606: Points 581 (cluster 2605) and 635 (cluster 635) connect at weight=330.0
2025-04-09 19:04:13.370 | DEBUG    | __main__:<module>:20 - Iteration 607: Points 576 (cluster 576) and 636 (cluster 636) connect at weight=330.0
2025-04-09 19:04:13.371 | DEBUG    | __main__:<module>:20 - Iteration 608: Points 576 (cluster 2607) and 632 (cluster 632) connect at weight=330.0
2025-04-09 19:04:13.371 | DEBUG    | __main__:<module>:20 - Iteration 609: Points 574 (cluster 574) and 588 (cluster 588) connect at weight=330.0
2025-04-09 19:04:13.371 | DEBUG    | __main__:<module>:20 - Iteration 610: Points 541 (cluster 2595) and 576 (cluster 2608) connect at weight=330.0
2025-04-09 19:04:13.371 | DEBUG    | __main__:<module>:20 - Iteration 611: Points 503 (cluster 2604) and 456 (cluster 2606) connect at weight=330.0
2025-04-09 19:04:13.371 | DEBUG    | __main__:<module>:20 - Iteration 612: Points 458 (cluster 2611) and 624 (cluster 624) connect at weight=330.0
2025-04-09 19:04:13.372 | DEBUG    | __main__:<module>:20 - Iteration 613: Points 654 (cluster 654) and 649 (cluster 649) connect at weight=329.0
2025-04-09 19:04:13.372 | DEBUG    | __main__:<module>:20 - Iteration 614: Points 616 (cluster 2577) and 611 (cluster 2602) connect at weight=329.0
2025-04-09 19:04:13.372 | DEBUG    | __main__:<module>:20 - Iteration 615: Points 614 (cluster 2603) and 641 (cluster 641) connect at weight=329.0
2025-04-09 19:04:13.372 | DEBUG    | __main__:<module>:20 - Iteration 616: Points 614 (cluster 2615) and 606 (cluster 606) connect at weight=329.0
2025-04-09 19:04:13.373 | DEBUG    | __main__:<module>:20 - Iteration 617: Points 611 (cluster 2614) and 639 (cluster 639) connect at weight=329.0
2025-04-09 19:04:13.373 | DEBUG    | __main__:<module>:20 - Iteration 618: Points 608 (cluster 608) and 631 (cluster 631) connect at weight=329.0
2025-04-09 19:04:13.373 | DEBUG    | __main__:<module>:20 - Iteration 619: Points 607 (cluster 2612) and 643 (cluster 643) connect at weight=329.0
2025-04-09 19:04:13.373 | DEBUG    | __main__:<module>:20 - Iteration 620: Points 606 (cluster 2616) and 574 (cluster 2609) connect at weight=329.0
2025-04-09 19:04:13.373 | DEBUG    | __main__:<module>:20 - Iteration 621: Points 601 (cluster 2610) and 647 (cluster 647) connect at weight=329.0
2025-04-09 19:04:13.374 | DEBUG    | __main__:<module>:20 - Iteration 622: Points 541 (cluster 2621) and 605 (cluster 605) connect at weight=329.0
2025-04-09 19:04:13.374 | DEBUG    | __main__:<module>:20 - Iteration 623: Points 540 (cluster 2619) and 629 (cluster 629) connect at weight=329.0
2025-04-09 19:04:13.374 | DEBUG    | __main__:<module>:20 - Iteration 624: Points 524 (cluster 2622) and 610 (cluster 2620) connect at weight=329.0
2025-04-09 19:04:13.374 | DEBUG    | __main__:<module>:20 - Iteration 625: Points 456 (cluster 2623) and 626 (cluster 626) connect at weight=329.0
2025-04-09 19:04:13.374 | DEBUG    | __main__:<module>:20 - Iteration 626: Points 320 (cluster 2625) and 648 (cluster 648) connect at weight=329.0
2025-04-09 19:04:13.374 | DEBUG    | __main__:<module>:20 - Iteration 627: Points 305 (cluster 2626) and 652 (cluster 652) connect at weight=329.0
2025-04-09 19:04:13.375 | DEBUG    | __main__:<module>:20 - Iteration 628: Points 660 (cluster 660) and 658 (cluster 658) connect at weight=328.0
2025-04-09 19:04:13.375 | DEBUG    | __main__:<module>:20 - Iteration 629: Points 650 (cluster 650) and 634 (cluster 634) connect at weight=328.0
2025-04-09 19:04:13.375 | DEBUG    | __main__:<module>:20 - Iteration 630: Points 642 (cluster 642) and 668 (cluster 668) connect at weight=328.0
2025-04-09 19:04:13.375 | DEBUG    | __main__:<module>:20 - Iteration 631: Points 641 (cluster 2624) and 622 (cluster 622) connect at weight=328.0
2025-04-09 19:04:13.375 | DEBUG    | __main__:<module>:20 - Iteration 632: Points 634 (cluster 2629) and 651 (cluster 651) connect at weight=328.0
2025-04-09 19:04:13.376 | DEBUG    | __main__:<module>:20 - Iteration 633: Points 631 (cluster 2618) and 660 (cluster 2628) connect at weight=328.0
2025-04-09 19:04:13.376 | DEBUG    | __main__:<module>:20 - Iteration 634: Points 622 (cluster 2631) and 633 (cluster 633) connect at weight=328.0
2025-04-09 19:04:13.376 | DEBUG    | __main__:<module>:20 - Iteration 635: Points 607 (cluster 2627) and 662 (cluster 662) connect at weight=328.0
2025-04-09 19:04:13.376 | DEBUG    | __main__:<module>:20 - Iteration 636: Points 606 (cluster 2634) and 650 (cluster 2632) connect at weight=328.0
2025-04-09 19:04:13.376 | DEBUG    | __main__:<module>:20 - Iteration 637: Points 596 (cluster 596) and 591 (cluster 591) connect at weight=328.0
2025-04-09 19:04:13.376 | DEBUG    | __main__:<module>:20 - Iteration 638: Points 588 (cluster 2636) and 661 (cluster 661) connect at weight=328.0
2025-04-09 19:04:13.377 | DEBUG    | __main__:<module>:20 - Iteration 639: Points 580 (cluster 2601) and 664 (cluster 664) connect at weight=328.0
2025-04-09 19:04:13.377 | DEBUG    | __main__:<module>:20 - Iteration 640: Points 576 (cluster 2638) and 620 (cluster 2598) connect at weight=328.0
2025-04-09 19:04:13.377 | DEBUG    | __main__:<module>:20 - Iteration 641: Points 571 (cluster 2639) and 653 (cluster 653) connect at weight=328.0
2025-04-09 19:04:13.377 | DEBUG    | __main__:<module>:20 - Iteration 642: Points 570 (cluster 2635) and 642 (cluster 2630) connect at weight=328.0
2025-04-09 19:04:13.377 | DEBUG    | __main__:<module>:20 - Iteration 643: Points 545 (cluster 2641) and 644 (cluster 644) connect at weight=328.0
2025-04-09 19:04:13.377 | DEBUG    | __main__:<module>:20 - Iteration 644: Points 508 (cluster 2640) and 640 (cluster 640) connect at weight=328.0
2025-04-09 19:04:13.384 | DEBUG    | __main__:<module>:20 - Iteration 645: Points 507 (cluster 2642) and 666 (cluster 666) connect at weight=328.0
2025-04-09 19:04:13.385 | DEBUG    | __main__:<module>:20 - Iteration 646: Points 502 (cluster 2645) and 665 (cluster 665) connect at weight=328.0
2025-04-09 19:04:13.385 | DEBUG    | __main__:<module>:20 - Iteration 647: Points 498 (cluster 2643) and 645 (cluster 645) connect at weight=328.0
2025-04-09 19:04:13.385 | DEBUG    | __main__:<module>:20 - Iteration 648: Points 481 (cluster 2647) and 657 (cluster 657) connect at weight=328.0
2025-04-09 19:04:13.385 | DEBUG    | __main__:<module>:20 - Iteration 649: Points 444 (cluster 2646) and 659 (cluster 659) connect at weight=328.0
2025-04-09 19:04:13.386 | DEBUG    | __main__:<module>:20 - Iteration 650: Points 661 (cluster 2644) and 656 (cluster 656) connect at weight=327.0
2025-04-09 19:04:13.386 | DEBUG    | __main__:<module>:20 - Iteration 651: Points 637 (cluster 637) and 670 (cluster 670) connect at weight=327.0
2025-04-09 19:04:13.386 | DEBUG    | __main__:<module>:20 - Iteration 652: Points 634 (cluster 2650) and 654 (cluster 2613) connect at weight=327.0
2025-04-09 19:04:13.386 | DEBUG    | __main__:<module>:20 - Iteration 653: Points 630 (cluster 630) and 608 (cluster 2633) connect at weight=327.0
2025-04-09 19:04:13.386 | DEBUG    | __main__:<module>:20 - Iteration 654: Points 628 (cluster 2648) and 646 (cluster 646) connect at weight=327.0
2025-04-09 19:04:13.387 | DEBUG    | __main__:<module>:20 - Iteration 655: Points 278 (cluster 2654) and 673 (cluster 673) connect at weight=327.0
2025-04-09 19:04:13.387 | DEBUG    | __main__:<module>:20 - Iteration 656: Points 166 (cluster 2652) and 672 (cluster 672) connect at weight=327.0
2025-04-09 19:04:13.387 | DEBUG    | __main__:<module>:20 - Iteration 657: Points 682 (cluster 682) and 681 (cluster 681) connect at weight=326.0
2025-04-09 19:04:13.387 | DEBUG    | __main__:<module>:20 - Iteration 658: Points 667 (cluster 667) and 669 (cluster 669) connect at weight=326.0
2025-04-09 19:04:13.387 | DEBUG    | __main__:<module>:20 - Iteration 659: Points 646 (cluster 2655) and 671 (cluster 671) connect at weight=326.0
2025-04-09 19:04:13.387 | DEBUG    | __main__:<module>:20 - Iteration 660: Points 639 (cluster 2617) and 615 (cluster 2649) connect at weight=326.0
2025-04-09 19:04:13.388 | DEBUG    | __main__:<module>:20 - Iteration 661: Points 633 (cluster 2656) and 596 (cluster 2637) connect at weight=326.0
2025-04-09 19:04:13.388 | DEBUG    | __main__:<module>:20 - Iteration 662: Points 617 (cluster 2660) and 637 (cluster 2651) connect at weight=326.0
2025-04-09 19:04:13.388 | DEBUG    | __main__:<module>:20 - Iteration 663: Points 615 (cluster 2662) and 677 (cluster 677) connect at weight=326.0
2025-04-09 19:04:13.388 | DEBUG    | __main__:<module>:20 - Iteration 664: Points 604 (cluster 2661) and 630 (cluster 2653) connect at weight=326.0
2025-04-09 19:04:13.388 | DEBUG    | __main__:<module>:20 - Iteration 665: Points 596 (cluster 2664) and 679 (cluster 679) connect at weight=326.0
2025-04-09 19:04:13.388 | DEBUG    | __main__:<module>:20 - Iteration 666: Points 653 (cluster 2659) and 684 (cluster 684) connect at weight=325.0
2025-04-09 19:04:13.389 | DEBUG    | __main__:<module>:20 - Iteration 667: Points 651 (cluster 2665) and 685 (cluster 685) connect at weight=325.0
2025-04-09 19:04:13.389 | DEBUG    | __main__:<module>:20 - Iteration 668: Points 642 (cluster 2663) and 674 (cluster 674) connect at weight=325.0
2025-04-09 19:04:13.389 | DEBUG    | __main__:<module>:20 - Iteration 669: Points 605 (cluster 2667) and 689 (cluster 689) connect at weight=325.0
2025-04-09 19:04:13.389 | DEBUG    | __main__:<module>:20 - Iteration 670: Points 604 (cluster 2669) and 667 (cluster 2658) connect at weight=325.0
2025-04-09 19:04:13.389 | DEBUG    | __main__:<module>:20 - Iteration 671: Points 683 (cluster 683) and 698 (cluster 698) connect at weight=324.0
2025-04-09 19:04:13.390 | DEBUG    | __main__:<module>:20 - Iteration 672: Points 616 (cluster 2668) and 686 (cluster 686) connect at weight=324.0
2025-04-09 19:04:13.390 | DEBUG    | __main__:<module>:20 - Iteration 673: Points 580 (cluster 2666) and 680 (cluster 680) connect at weight=324.0
2025-04-09 19:04:13.390 | DEBUG    | __main__:<module>:20 - Iteration 674: Points 538 (cluster 2670) and 695 (cluster 695) connect at weight=324.0
2025-04-09 19:04:13.390 | DEBUG    | __main__:<module>:20 - Iteration 675: Points 529 (cluster 2673) and 676 (cluster 676) connect at weight=324.0
2025-04-09 19:04:13.390 | DEBUG    | __main__:<module>:20 - Iteration 676: Points 453 (cluster 2672) and 694 (cluster 694) connect at weight=324.0
2025-04-09 19:04:13.390 | DEBUG    | __main__:<module>:20 - Iteration 677: Points 414 (cluster 2676) and 690 (cluster 690) connect at weight=324.0
2025-04-09 19:04:13.391 | DEBUG    | __main__:<module>:20 - Iteration 678: Points 698 (cluster 2671) and 697 (cluster 697) connect at weight=323.0
2025-04-09 19:04:13.391 | DEBUG    | __main__:<module>:20 - Iteration 679: Points 667 (cluster 2674) and 699 (cluster 699) connect at weight=323.0
2025-04-09 19:04:13.391 | DEBUG    | __main__:<module>:20 - Iteration 680: Points 655 (cluster 655) and 696 (cluster 696) connect at weight=323.0
2025-04-09 19:04:13.391 | DEBUG    | __main__:<module>:20 - Iteration 681: Points 654 (cluster 2679) and 705 (cluster 705) connect at weight=323.0
2025-04-09 19:04:13.391 | DEBUG    | __main__:<module>:20 - Iteration 682: Points 644 (cluster 2675) and 683 (cluster 2678) connect at weight=323.0
2025-04-09 19:04:13.392 | DEBUG    | __main__:<module>:20 - Iteration 683: Points 529 (cluster 2682) and 663 (cluster 663) connect at weight=323.0
2025-04-09 19:04:13.392 | DEBUG    | __main__:<module>:20 - Iteration 684: Points 214 (cluster 2683) and 700 (cluster 700) connect at weight=323.0
2025-04-09 19:04:13.392 | DEBUG    | __main__:<module>:20 - Iteration 685: Points 713 (cluster 713) and 706 (cluster 706) connect at weight=322.0
2025-04-09 19:04:13.392 | DEBUG    | __main__:<module>:20 - Iteration 686: Points 712 (cluster 712) and 708 (cluster 708) connect at weight=322.0
2025-04-09 19:04:13.392 | DEBUG    | __main__:<module>:20 - Iteration 687: Points 695 (cluster 2681) and 717 (cluster 717) connect at weight=322.0
2025-04-09 19:04:13.392 | DEBUG    | __main__:<module>:20 - Iteration 688: Points 688 (cluster 688) and 678 (cluster 678) connect at weight=322.0
2025-04-09 19:04:13.393 | DEBUG    | __main__:<module>:20 - Iteration 689: Points 677 (cluster 2677) and 713 (cluster 2685) connect at weight=322.0
2025-04-09 19:04:13.393 | DEBUG    | __main__:<module>:20 - Iteration 690: Points 671 (cluster 2684) and 703 (cluster 703) connect at weight=322.0
2025-04-09 19:04:13.393 | DEBUG    | __main__:<module>:20 - Iteration 691: Points 671 (cluster 2690) and 675 (cluster 675) connect at weight=322.0
2025-04-09 19:04:13.393 | DEBUG    | __main__:<module>:20 - Iteration 692: Points 664 (cluster 2691) and 688 (cluster 2688) connect at weight=322.0
2025-04-09 19:04:13.393 | DEBUG    | __main__:<module>:20 - Iteration 693: Points 644 (cluster 2692) and 693 (cluster 693) connect at weight=322.0
2025-04-09 19:04:13.393 | DEBUG    | __main__:<module>:20 - Iteration 694: Points 547 (cluster 2693) and 682 (cluster 2657) connect at weight=322.0
2025-04-09 19:04:13.394 | DEBUG    | __main__:<module>:20 - Iteration 695: Points 724 (cluster 724) and 707 (cluster 707) connect at weight=321.0
2025-04-09 19:04:13.394 | DEBUG    | __main__:<module>:20 - Iteration 696: Points 710 (cluster 710) and 724 (cluster 2695) connect at weight=321.0
2025-04-09 19:04:13.394 | DEBUG    | __main__:<module>:20 - Iteration 697: Points 704 (cluster 704) and 691 (cluster 691) connect at weight=321.0
2025-04-09 19:04:13.394 | DEBUG    | __main__:<module>:20 - Iteration 698: Points 693 (cluster 2694) and 701 (cluster 701) connect at weight=321.0
2025-04-09 19:04:13.394 | DEBUG    | __main__:<module>:20 - Iteration 699: Points 677 (cluster 2689) and 702 (cluster 702) connect at weight=321.0
2025-04-09 19:04:13.395 | DEBUG    | __main__:<module>:20 - Iteration 700: Points 675 (cluster 2698) and 711 (cluster 711) connect at weight=321.0
2025-04-09 19:04:13.395 | DEBUG    | __main__:<module>:20 - Iteration 701: Points 645 (cluster 2700) and 722 (cluster 722) connect at weight=321.0
2025-04-09 19:04:13.395 | DEBUG    | __main__:<module>:20 - Iteration 702: Points 239 (cluster 239) and 655 (cluster 2680) connect at weight=321.0
2025-04-09 19:04:13.395 | DEBUG    | __main__:<module>:20 - Iteration 703: Points 730 (cluster 730) and 728 (cluster 728) connect at weight=320.0
2025-04-09 19:04:13.395 | DEBUG    | __main__:<module>:20 - Iteration 704: Points 712 (cluster 2686) and 730 (cluster 2703) connect at weight=320.0
2025-04-09 19:04:13.395 | DEBUG    | __main__:<module>:20 - Iteration 705: Points 712 (cluster 2704) and 723 (cluster 723) connect at weight=320.0
2025-04-09 19:04:13.396 | DEBUG    | __main__:<module>:20 - Iteration 706: Points 711 (cluster 2701) and 718 (cluster 718) connect at weight=320.0
2025-04-09 19:04:13.396 | DEBUG    | __main__:<module>:20 - Iteration 707: Points 707 (cluster 2696) and 712 (cluster 2705) connect at weight=320.0
2025-04-09 19:04:13.396 | DEBUG    | __main__:<module>:20 - Iteration 708: Points 699 (cluster 2687) and 719 (cluster 719) connect at weight=320.0
2025-04-09 19:04:13.396 | DEBUG    | __main__:<module>:20 - Iteration 709: Points 668 (cluster 2699) and 733 (cluster 733) connect at weight=320.0
2025-04-09 19:04:13.396 | DEBUG    | __main__:<module>:20 - Iteration 710: Points 646 (cluster 2706) and 709 (cluster 709) connect at weight=320.0
2025-04-09 19:04:13.396 | DEBUG    | __main__:<module>:20 - Iteration 711: Points 636 (cluster 2708) and 725 (cluster 725) connect at weight=320.0
2025-04-09 19:04:13.397 | DEBUG    | __main__:<module>:20 - Iteration 712: Points 627 (cluster 2709) and 726 (cluster 726) connect at weight=320.0
2025-04-09 19:04:13.397 | DEBUG    | __main__:<module>:20 - Iteration 713: Points 349 (cluster 2712) and 720 (cluster 720) connect at weight=320.0
2025-04-09 19:04:13.397 | DEBUG    | __main__:<module>:20 - Iteration 714: Points 239 (cluster 2702) and 424 (cluster 2710) connect at weight=320.0
2025-04-09 19:04:13.397 | DEBUG    | __main__:<module>:20 - Iteration 715: Points 718 (cluster 2714) and 729 (cluster 729) connect at weight=319.0
2025-04-09 19:04:13.397 | DEBUG    | __main__:<module>:20 - Iteration 716: Points 718 (cluster 2715) and 704 (cluster 2697) connect at weight=319.0
2025-04-09 19:04:13.398 | DEBUG    | __main__:<module>:20 - Iteration 717: Points 717 (cluster 2711) and 736 (cluster 736) connect at weight=319.0
2025-04-09 19:04:13.398 | DEBUG    | __main__:<module>:20 - Iteration 718: Points 715 (cluster 715) and 721 (cluster 721) connect at weight=319.0
2025-04-09 19:04:13.398 | DEBUG    | __main__:<module>:20 - Iteration 719: Points 711 (cluster 2716) and 740 (cluster 740) connect at weight=319.0
2025-04-09 19:04:13.398 | DEBUG    | __main__:<module>:20 - Iteration 720: Points 704 (cluster 2719) and 727 (cluster 727) connect at weight=319.0
2025-04-09 19:04:13.398 | DEBUG    | __main__:<module>:20 - Iteration 721: Points 699 (cluster 2717) and 743 (cluster 743) connect at weight=319.0
2025-04-09 19:04:13.398 | DEBUG    | __main__:<module>:20 - Iteration 722: Points 688 (cluster 2720) and 710 (cluster 2707) connect at weight=319.0
2025-04-09 19:04:13.399 | DEBUG    | __main__:<module>:20 - Iteration 723: Points 679 (cluster 2721) and 715 (cluster 2718) connect at weight=319.0
2025-04-09 19:04:13.399 | DEBUG    | __main__:<module>:20 - Iteration 724: Points 528 (cluster 2723) and 737 (cluster 737) connect at weight=319.0
2025-04-09 19:04:13.399 | DEBUG    | __main__:<module>:20 - Iteration 725: Points 418 (cluster 2724) and 286 (cluster 286) connect at weight=319.0
2025-04-09 19:04:13.399 | DEBUG    | __main__:<module>:20 - Iteration 726: Points 762 (cluster 762) and 757 (cluster 757) connect at weight=318.0
2025-04-09 19:04:13.399 | DEBUG    | __main__:<module>:20 - Iteration 727: Points 762 (cluster 2726) and 752 (cluster 752) connect at weight=318.0
2025-04-09 19:04:13.400 | DEBUG    | __main__:<module>:20 - Iteration 728: Points 746 (cluster 746) and 742 (cluster 742) connect at weight=318.0
2025-04-09 19:04:13.400 | DEBUG    | __main__:<module>:20 - Iteration 729: Points 743 (cluster 2725) and 735 (cluster 735) connect at weight=318.0
2025-04-09 19:04:13.400 | DEBUG    | __main__:<module>:20 - Iteration 730: Points 734 (cluster 734) and 762 (cluster 2727) connect at weight=318.0
2025-04-09 19:04:13.400 | DEBUG    | __main__:<module>:20 - Iteration 731: Points 696 (cluster 2722) and 692 (cluster 692) connect at weight=318.0
2025-04-09 19:04:13.400 | DEBUG    | __main__:<module>:20 - Iteration 732: Points 682 (cluster 2731) and 714 (cluster 714) connect at weight=318.0
2025-04-09 19:04:13.400 | DEBUG    | __main__:<module>:20 - Iteration 733: Points 780 (cluster 780) and 773 (cluster 773) connect at weight=317.0
2025-04-09 19:04:13.401 | DEBUG    | __main__:<module>:20 - Iteration 734: Points 767 (cluster 767) and 750 (cluster 750) connect at weight=317.0
2025-04-09 19:04:13.401 | DEBUG    | __main__:<module>:20 - Iteration 735: Points 765 (cluster 765) and 763 (cluster 763) connect at weight=317.0
2025-04-09 19:04:13.401 | DEBUG    | __main__:<module>:20 - Iteration 736: Points 753 (cluster 753) and 731 (cluster 731) connect at weight=317.0
2025-04-09 19:04:13.401 | DEBUG    | __main__:<module>:20 - Iteration 737: Points 749 (cluster 749) and 774 (cluster 774) connect at weight=317.0
2025-04-09 19:04:13.401 | DEBUG    | __main__:<module>:20 - Iteration 738: Points 745 (cluster 745) and 756 (cluster 756) connect at weight=317.0
2025-04-09 19:04:13.402 | DEBUG    | __main__:<module>:20 - Iteration 739: Points 744 (cluster 744) and 781 (cluster 781) connect at weight=317.0
2025-04-09 19:04:13.402 | DEBUG    | __main__:<module>:20 - Iteration 740: Points 744 (cluster 2739) and 751 (cluster 751) connect at weight=317.0
2025-04-09 19:04:13.402 | DEBUG    | __main__:<module>:20 - Iteration 741: Points 740 (cluster 2732) and 759 (cluster 759) connect at weight=317.0
2025-04-09 19:04:13.402 | DEBUG    | __main__:<module>:20 - Iteration 742: Points 739 (cluster 739) and 753 (cluster 2736) connect at weight=317.0
2025-04-09 19:04:13.402 | DEBUG    | __main__:<module>:20 - Iteration 743: Points 724 (cluster 2741) and 716 (cluster 716) connect at weight=317.0
2025-04-09 19:04:13.402 | DEBUG    | __main__:<module>:20 - Iteration 744: Points 715 (cluster 2729) and 746 (cluster 2728) connect at weight=317.0
2025-04-09 19:04:13.403 | DEBUG    | __main__:<module>:20 - Iteration 745: Points 710 (cluster 2743) and 749 (cluster 2737) connect at weight=317.0
2025-04-09 19:04:13.403 | DEBUG    | __main__:<module>:20 - Iteration 746: Points 702 (cluster 2713) and 775 (cluster 775) connect at weight=317.0
2025-04-09 19:04:13.403 | DEBUG    | __main__:<module>:20 - Iteration 747: Points 627 (cluster 2746) and 741 (cluster 741) connect at weight=317.0
2025-04-09 19:04:13.403 | DEBUG    | __main__:<module>:20 - Iteration 748: Points 616 (cluster 2747) and 748 (cluster 748) connect at weight=317.0
2025-04-09 19:04:13.403 | DEBUG    | __main__:<module>:20 - Iteration 749: Points 558 (cluster 2744) and 754 (cluster 754) connect at weight=317.0
2025-04-09 19:04:13.403 | DEBUG    | __main__:<module>:20 - Iteration 750: Points 477 (cluster 2745) and 782 (cluster 782) connect at weight=317.0
2025-04-09 19:04:13.404 | DEBUG    | __main__:<module>:20 - Iteration 751: Points 787 (cluster 787) and 760 (cluster 760) connect at weight=316.0
2025-04-09 19:04:13.404 | DEBUG    | __main__:<module>:20 - Iteration 752: Points 776 (cluster 776) and 785 (cluster 785) connect at weight=316.0
2025-04-09 19:04:13.404 | DEBUG    | __main__:<module>:20 - Iteration 753: Points 776 (cluster 2752) and 784 (cluster 784) connect at weight=316.0
2025-04-09 19:04:13.404 | DEBUG    | __main__:<module>:20 - Iteration 754: Points 772 (cluster 772) and 770 (cluster 770) connect at weight=316.0
2025-04-09 19:04:13.405 | DEBUG    | __main__:<module>:20 - Iteration 755: Points 767 (cluster 2734) and 790 (cluster 790) connect at weight=316.0
2025-04-09 19:04:13.405 | DEBUG    | __main__:<module>:20 - Iteration 756: Points 765 (cluster 2735) and 779 (cluster 779) connect at weight=316.0
2025-04-09 19:04:13.405 | DEBUG    | __main__:<module>:20 - Iteration 757: Points 762 (cluster 2730) and 780 (cluster 2733) connect at weight=316.0
2025-04-09 19:04:13.405 | DEBUG    | __main__:<module>:20 - Iteration 758: Points 755 (cluster 755) and 776 (cluster 2753) connect at weight=316.0
2025-04-09 19:04:13.405 | DEBUG    | __main__:<module>:20 - Iteration 759: Points 750 (cluster 2755) and 788 (cluster 788) connect at weight=316.0
2025-04-09 19:04:13.406 | DEBUG    | __main__:<module>:20 - Iteration 760: Points 747 (cluster 747) and 767 (cluster 2759) connect at weight=316.0
2025-04-09 19:04:13.406 | DEBUG    | __main__:<module>:20 - Iteration 761: Points 742 (cluster 2749) and 778 (cluster 778) connect at weight=316.0
2025-04-09 19:04:13.406 | DEBUG    | __main__:<module>:20 - Iteration 762: Points 742 (cluster 2761) and 755 (cluster 2758) connect at weight=316.0
2025-04-09 19:04:13.406 | DEBUG    | __main__:<module>:20 - Iteration 763: Points 731 (cluster 2742) and 758 (cluster 758) connect at weight=316.0
2025-04-09 19:04:13.406 | DEBUG    | __main__:<module>:20 - Iteration 764: Points 731 (cluster 2763) and 593 (cluster 2748) connect at weight=316.0
2025-04-09 19:04:13.406 | DEBUG    | __main__:<module>:20 - Iteration 765: Points 798 (cluster 798) and 791 (cluster 791) connect at weight=315.0
2025-04-09 19:04:13.407 | DEBUG    | __main__:<module>:20 - Iteration 766: Points 790 (cluster 2760) and 765 (cluster 2756) connect at weight=315.0
2025-04-09 19:04:13.407 | DEBUG    | __main__:<module>:20 - Iteration 767: Points 788 (cluster 2766) and 794 (cluster 794) connect at weight=315.0
2025-04-09 19:04:13.407 | DEBUG    | __main__:<module>:20 - Iteration 768: Points 780 (cluster 2757) and 744 (cluster 2740) connect at weight=315.0
2025-04-09 19:04:13.407 | DEBUG    | __main__:<module>:20 - Iteration 769: Points 769 (cluster 769) and 786 (cluster 786) connect at weight=315.0
2025-04-09 19:04:13.407 | DEBUG    | __main__:<module>:20 - Iteration 770: Points 761 (cluster 761) and 738 (cluster 738) connect at weight=315.0
2025-04-09 19:04:13.407 | DEBUG    | __main__:<module>:20 - Iteration 771: Points 760 (cluster 2751) and 734 (cluster 2768) connect at weight=315.0
2025-04-09 19:04:13.408 | DEBUG    | __main__:<module>:20 - Iteration 772: Points 758 (cluster 2764) and 795 (cluster 795) connect at weight=315.0
2025-04-09 19:04:13.408 | DEBUG    | __main__:<module>:20 - Iteration 773: Points 751 (cluster 2771) and 772 (cluster 2754) connect at weight=315.0
2025-04-09 19:04:13.408 | DEBUG    | __main__:<module>:20 - Iteration 774: Points 738 (cluster 2770) and 771 (cluster 771) connect at weight=315.0
2025-04-09 19:04:13.408 | DEBUG    | __main__:<module>:20 - Iteration 775: Points 733 (cluster 2772) and 799 (cluster 799) connect at weight=315.0
2025-04-09 19:04:13.408 | DEBUG    | __main__:<module>:20 - Iteration 776: Points 691 (cluster 2750) and 745 (cluster 2738) connect at weight=315.0
2025-04-09 19:04:13.409 | DEBUG    | __main__:<module>:20 - Iteration 777: Points 682 (cluster 2776) and 777 (cluster 777) connect at weight=315.0
2025-04-09 19:04:13.409 | DEBUG    | __main__:<module>:20 - Iteration 778: Points 618 (cluster 2775) and 747 (cluster 2767) connect at weight=315.0
2025-04-09 19:04:13.409 | DEBUG    | __main__:<module>:20 - Iteration 779: Points 820 (cluster 820) and 804 (cluster 804) connect at weight=314.0
2025-04-09 19:04:13.409 | DEBUG    | __main__:<module>:20 - Iteration 780: Points 798 (cluster 2765) and 800 (cluster 800) connect at weight=314.0
2025-04-09 19:04:13.409 | DEBUG    | __main__:<module>:20 - Iteration 781: Points 795 (cluster 2778) and 819 (cluster 819) connect at weight=314.0
2025-04-09 19:04:13.410 | DEBUG    | __main__:<module>:20 - Iteration 782: Points 794 (cluster 2781) and 808 (cluster 808) connect at weight=314.0
2025-04-09 19:04:13.410 | DEBUG    | __main__:<module>:20 - Iteration 783: Points 785 (cluster 2762) and 793 (cluster 793) connect at weight=314.0
2025-04-09 19:04:13.410 | DEBUG    | __main__:<module>:20 - Iteration 784: Points 785 (cluster 2783) and 789 (cluster 789) connect at weight=314.0
2025-04-09 19:04:13.410 | DEBUG    | __main__:<module>:20 - Iteration 785: Points 779 (cluster 2782) and 817 (cluster 817) connect at weight=314.0
2025-04-09 19:04:13.410 | DEBUG    | __main__:<module>:20 - Iteration 786: Points 779 (cluster 2785) and 805 (cluster 805) connect at weight=314.0
2025-04-09 19:04:13.410 | DEBUG    | __main__:<module>:20 - Iteration 787: Points 779 (cluster 2786) and 783 (cluster 783) connect at weight=314.0
2025-04-09 19:04:13.411 | DEBUG    | __main__:<module>:20 - Iteration 788: Points 774 (cluster 2777) and 802 (cluster 802) connect at weight=314.0
2025-04-09 19:04:13.411 | DEBUG    | __main__:<module>:20 - Iteration 789: Points 760 (cluster 2773) and 809 (cluster 809) connect at weight=314.0
2025-04-09 19:04:13.411 | DEBUG    | __main__:<module>:20 - Iteration 790: Points 759 (cluster 2788) and 787 (cluster 2789) connect at weight=314.0
2025-04-09 19:04:13.411 | DEBUG    | __main__:<module>:20 - Iteration 791: Points 758 (cluster 2787) and 797 (cluster 797) connect at weight=314.0
2025-04-09 19:04:13.411 | DEBUG    | __main__:<module>:20 - Iteration 792: Points 753 (cluster 2791) and 815 (cluster 815) connect at weight=314.0
2025-04-09 19:04:13.411 | DEBUG    | __main__:<module>:20 - Iteration 793: Points 735 (cluster 2784) and 812 (cluster 812) connect at weight=314.0
2025-04-09 19:04:13.412 | DEBUG    | __main__:<module>:20 - Iteration 794: Points 732 (cluster 732) and 766 (cluster 766) connect at weight=314.0
2025-04-09 19:04:13.412 | DEBUG    | __main__:<module>:20 - Iteration 795: Points 691 (cluster 2790) and 764 (cluster 764) connect at weight=314.0
2025-04-09 19:04:13.412 | DEBUG    | __main__:<module>:20 - Iteration 796: Points 669 (cluster 2793) and 769 (cluster 2769) connect at weight=314.0
2025-04-09 19:04:13.412 | DEBUG    | __main__:<module>:20 - Iteration 797: Points 613 (cluster 2795) and 801 (cluster 801) connect at weight=314.0
2025-04-09 19:04:13.412 | DEBUG    | __main__:<module>:20 - Iteration 798: Points 831 (cluster 831) and 806 (cluster 806) connect at weight=313.0
2025-04-09 19:04:13.413 | DEBUG    | __main__:<module>:20 - Iteration 799: Points 828 (cluster 828) and 824 (cluster 824) connect at weight=313.0
2025-04-09 19:04:13.413 | DEBUG    | __main__:<module>:20 - Iteration 800: Points 820 (cluster 2779) and 739 (cluster 2792) connect at weight=313.0
2025-04-09 19:04:13.413 | DEBUG    | __main__:<module>:20 - Iteration 801: Points 814 (cluster 814) and 798 (cluster 2780) connect at weight=313.0
2025-04-09 19:04:13.413 | DEBUG    | __main__:<module>:20 - Iteration 802: Points 809 (cluster 2797) and 818 (cluster 818) connect at weight=313.0
2025-04-09 19:04:13.413 | DEBUG    | __main__:<module>:20 - Iteration 803: Points 806 (cluster 2798) and 829 (cluster 829) connect at weight=313.0
2025-04-09 19:04:13.414 | DEBUG    | __main__:<module>:20 - Iteration 804: Points 800 (cluster 2801) and 831 (cluster 2803) connect at weight=313.0
2025-04-09 19:04:13.414 | DEBUG    | __main__:<module>:20 - Iteration 805: Points 800 (cluster 2804) and 827 (cluster 827) connect at weight=313.0
2025-04-09 19:04:13.414 | DEBUG    | __main__:<module>:20 - Iteration 806: Points 796 (cluster 796) and 821 (cluster 821) connect at weight=313.0
2025-04-09 19:04:13.414 | DEBUG    | __main__:<module>:20 - Iteration 807: Points 786 (cluster 2796) and 761 (cluster 2774) connect at weight=313.0
2025-04-09 19:04:13.414 | DEBUG    | __main__:<module>:20 - Iteration 808: Points 783 (cluster 2800) and 828 (cluster 2799) connect at weight=313.0
2025-04-09 19:04:13.414 | DEBUG    | __main__:<module>:20 - Iteration 809: Points 768 (cluster 768) and 807 (cluster 807) connect at weight=313.0
2025-04-09 19:04:13.415 | DEBUG    | __main__:<module>:20 - Iteration 810: Points 743 (cluster 2807) and 816 (cluster 816) connect at weight=313.0
2025-04-09 19:04:13.415 | DEBUG    | __main__:<module>:20 - Iteration 811: Points 687 (cluster 687) and 732 (cluster 2794) connect at weight=313.0
2025-04-09 19:04:13.415 | DEBUG    | __main__:<module>:20 - Iteration 812: Points 675 (cluster 2802) and 811 (cluster 811) connect at weight=313.0
2025-04-09 19:04:13.415 | DEBUG    | __main__:<module>:20 - Iteration 813: Points 651 (cluster 2810) and 813 (cluster 813) connect at weight=313.0
2025-04-09 19:04:13.415 | DEBUG    | __main__:<module>:20 - Iteration 814: Points 843 (cluster 843) and 820 (cluster 2808) connect at weight=312.0
2025-04-09 19:04:13.416 | DEBUG    | __main__:<module>:20 - Iteration 815: Points 836 (cluster 836) and 833 (cluster 833) connect at weight=312.0
2025-04-09 19:04:13.416 | DEBUG    | __main__:<module>:20 - Iteration 816: Points 832 (cluster 832) and 830 (cluster 830) connect at weight=312.0
2025-04-09 19:04:13.416 | DEBUG    | __main__:<module>:20 - Iteration 817: Points 829 (cluster 2805) and 796 (cluster 2806) connect at weight=312.0
2025-04-09 19:04:13.416 | DEBUG    | __main__:<module>:20 - Iteration 818: Points 819 (cluster 2814) and 839 (cluster 839) connect at weight=312.0
2025-04-09 19:04:13.416 | DEBUG    | __main__:<module>:20 - Iteration 819: Points 818 (cluster 2812) and 826 (cluster 826) connect at weight=312.0
2025-04-09 19:04:13.416 | DEBUG    | __main__:<module>:20 - Iteration 820: Points 811 (cluster 2819) and 837 (cluster 837) connect at weight=312.0
2025-04-09 19:04:13.417 | DEBUG    | __main__:<module>:20 - Iteration 821: Points 802 (cluster 2820) and 835 (cluster 835) connect at weight=312.0
2025-04-09 19:04:13.417 | DEBUG    | __main__:<module>:20 - Iteration 822: Points 797 (cluster 2818) and 822 (cluster 822) connect at weight=312.0
2025-04-09 19:04:13.417 | DEBUG    | __main__:<module>:20 - Iteration 823: Points 792 (cluster 792) and 834 (cluster 834) connect at weight=312.0
2025-04-09 19:04:13.417 | DEBUG    | __main__:<module>:20 - Iteration 824: Points 783 (cluster 2822) and 842 (cluster 842) connect at weight=312.0
2025-04-09 19:04:13.417 | DEBUG    | __main__:<module>:20 - Iteration 825: Points 762 (cluster 2821) and 823 (cluster 823) connect at weight=312.0
2025-04-09 19:04:13.418 | DEBUG    | __main__:<module>:20 - Iteration 826: Points 748 (cluster 2824) and 803 (cluster 803) connect at weight=312.0
2025-04-09 19:04:13.418 | DEBUG    | __main__:<module>:20 - Iteration 827: Points 669 (cluster 2813) and 814 (cluster 2817) connect at weight=312.0
2025-04-09 19:04:13.418 | DEBUG    | __main__:<module>:20 - Iteration 828: Points 512 (cluster 2827) and 687 (cluster 2811) connect at weight=312.0
2025-04-09 19:04:13.418 | DEBUG    | __main__:<module>:20 - Iteration 829: Points 849 (cluster 849) and 846 (cluster 846) connect at weight=311.0
2025-04-09 19:04:13.418 | DEBUG    | __main__:<module>:20 - Iteration 830: Points 845 (cluster 845) and 832 (cluster 2816) connect at weight=311.0
2025-04-09 19:04:13.419 | DEBUG    | __main__:<module>:20 - Iteration 831: Points 836 (cluster 2815) and 840 (cluster 840) connect at weight=311.0
2025-04-09 19:04:13.419 | DEBUG    | __main__:<module>:20 - Iteration 832: Points 817 (cluster 2826) and 845 (cluster 2830) connect at weight=311.0
2025-04-09 19:04:13.419 | DEBUG    | __main__:<module>:20 - Iteration 833: Points 768 (cluster 2809) and 841 (cluster 841) connect at weight=311.0
2025-04-09 19:04:13.419 | DEBUG    | __main__:<module>:20 - Iteration 834: Points 768 (cluster 2833) and 825 (cluster 825) connect at weight=311.0
2025-04-09 19:04:13.419 | DEBUG    | __main__:<module>:20 - Iteration 835: Points 738 (cluster 2828) and 810 (cluster 810) connect at weight=311.0
2025-04-09 19:04:13.419 | DEBUG    | __main__:<module>:20 - Iteration 836: Points 714 (cluster 2825) and 792 (cluster 2823) connect at weight=311.0
2025-04-09 19:04:13.420 | DEBUG    | __main__:<module>:20 - Iteration 837: Points 446 (cluster 2835) and 847 (cluster 847) connect at weight=311.0
2025-04-09 19:04:13.420 | DEBUG    | __main__:<module>:20 - Iteration 838: Points 861 (cluster 861) and 852 (cluster 852) connect at weight=310.0
2025-04-09 19:04:13.420 | DEBUG    | __main__:<module>:20 - Iteration 839: Points 860 (cluster 860) and 843 (cluster 2832) connect at weight=310.0
2025-04-09 19:04:13.420 | DEBUG    | __main__:<module>:20 - Iteration 840: Points 842 (cluster 2839) and 836 (cluster 2831) connect at weight=310.0
2025-04-09 19:04:13.420 | DEBUG    | __main__:<module>:20 - Iteration 841: Points 840 (cluster 2840) and 838 (cluster 838) connect at weight=310.0
2025-04-09 19:04:13.421 | DEBUG    | __main__:<module>:20 - Iteration 842: Points 812 (cluster 2837) and 855 (cluster 855) connect at weight=310.0
2025-04-09 19:04:13.421 | DEBUG    | __main__:<module>:20 - Iteration 843: Points 789 (cluster 2842) and 851 (cluster 851) connect at weight=310.0
2025-04-09 19:04:13.421 | DEBUG    | __main__:<module>:20 - Iteration 844: Points 741 (cluster 2841) and 854 (cluster 854) connect at weight=310.0
2025-04-09 19:04:13.421 | DEBUG    | __main__:<module>:20 - Iteration 845: Points 723 (cluster 2836) and 862 (cluster 862) connect at weight=310.0
2025-04-09 19:04:13.421 | DEBUG    | __main__:<module>:20 - Iteration 846: Points 572 (cluster 2844) and 859 (cluster 859) connect at weight=310.0
2025-04-09 19:04:13.422 | DEBUG    | __main__:<module>:20 - Iteration 847: Points 867 (cluster 867) and 858 (cluster 858) connect at weight=309.0
2025-04-09 19:04:13.422 | DEBUG    | __main__:<module>:20 - Iteration 848: Points 848 (cluster 848) and 863 (cluster 863) connect at weight=309.0
2025-04-09 19:04:13.422 | DEBUG    | __main__:<module>:20 - Iteration 849: Points 841 (cluster 2834) and 853 (cluster 853) connect at weight=309.0
2025-04-09 19:04:13.422 | DEBUG    | __main__:<module>:20 - Iteration 850: Points 840 (cluster 2846) and 864 (cluster 864) connect at weight=309.0
2025-04-09 19:04:13.422 | DEBUG    | __main__:<module>:20 - Iteration 851: Points 836 (cluster 2850) and 848 (cluster 2848) connect at weight=309.0
2025-04-09 19:04:13.422 | DEBUG    | __main__:<module>:20 - Iteration 852: Points 835 (cluster 2845) and 875 (cluster 875) connect at weight=309.0
2025-04-09 19:04:13.423 | DEBUG    | __main__:<module>:20 - Iteration 853: Points 820 (cluster 2851) and 861 (cluster 2838) connect at weight=309.0
2025-04-09 19:04:13.423 | DEBUG    | __main__:<module>:20 - Iteration 854: Points 817 (cluster 2853) and 872 (cluster 872) connect at weight=309.0
2025-04-09 19:04:13.423 | DEBUG    | __main__:<module>:20 - Iteration 855: Points 785 (cluster 2843) and 856 (cluster 856) connect at weight=309.0
2025-04-09 19:04:13.423 | DEBUG    | __main__:<module>:20 - Iteration 856: Points 784 (cluster 2855) and 857 (cluster 857) connect at weight=309.0
2025-04-09 19:04:13.423 | DEBUG    | __main__:<module>:20 - Iteration 857: Points 774 (cluster 2852) and 850 (cluster 850) connect at weight=309.0
2025-04-09 19:04:13.424 | DEBUG    | __main__:<module>:20 - Iteration 858: Points 686 (cluster 2854) and 871 (cluster 871) connect at weight=309.0
2025-04-09 19:04:13.424 | DEBUG    | __main__:<module>:20 - Iteration 859: Points 873 (cluster 873) and 880 (cluster 880) connect at weight=308.0
2025-04-09 19:04:13.424 | DEBUG    | __main__:<module>:20 - Iteration 860: Points 870 (cluster 870) and 860 (cluster 2858) connect at weight=308.0
2025-04-09 19:04:13.424 | DEBUG    | __main__:<module>:20 - Iteration 861: Points 861 (cluster 2860) and 873 (cluster 2859) connect at weight=308.0
2025-04-09 19:04:13.424 | DEBUG    | __main__:<module>:20 - Iteration 862: Points 851 (cluster 2856) and 849 (cluster 2829) connect at weight=308.0
2025-04-09 19:04:13.425 | DEBUG    | __main__:<module>:20 - Iteration 863: Points 839 (cluster 2861) and 876 (cluster 876) connect at weight=308.0
2025-04-09 19:04:13.425 | DEBUG    | __main__:<module>:20 - Iteration 864: Points 834 (cluster 2857) and 881 (cluster 881) connect at weight=308.0
2025-04-09 19:04:13.425 | DEBUG    | __main__:<module>:20 - Iteration 865: Points 772 (cluster 2864) and 869 (cluster 869) connect at weight=308.0
2025-04-09 19:04:13.425 | DEBUG    | __main__:<module>:20 - Iteration 866: Points 694 (cluster 2863) and 882 (cluster 882) connect at weight=308.0
2025-04-09 19:04:13.425 | DEBUG    | __main__:<module>:20 - Iteration 867: Points 881 (cluster 2865) and 885 (cluster 885) connect at weight=307.0
2025-04-09 19:04:13.425 | DEBUG    | __main__:<module>:20 - Iteration 868: Points 880 (cluster 2866) and 887 (cluster 887) connect at weight=307.0
2025-04-09 19:04:13.426 | DEBUG    | __main__:<module>:20 - Iteration 869: Points 868 (cluster 868) and 866 (cluster 866) connect at weight=307.0
2025-04-09 19:04:13.426 | DEBUG    | __main__:<module>:20 - Iteration 870: Points 858 (cluster 2847) and 889 (cluster 889) connect at weight=307.0
2025-04-09 19:04:13.426 | DEBUG    | __main__:<module>:20 - Iteration 871: Points 826 (cluster 2867) and 890 (cluster 890) connect at weight=307.0
2025-04-09 19:04:13.431 | DEBUG    | __main__:<module>:20 - Iteration 872: Points 772 (cluster 2871) and 768 (cluster 2849) connect at weight=307.0
2025-04-09 19:04:13.431 | DEBUG    | __main__:<module>:20 - Iteration 873: Points 766 (cluster 2862) and 879 (cluster 879) connect at weight=307.0
2025-04-09 19:04:13.432 | DEBUG    | __main__:<module>:20 - Iteration 874: Points 888 (cluster 888) and 900 (cluster 900) connect at weight=306.0
2025-04-09 19:04:13.432 | DEBUG    | __main__:<module>:20 - Iteration 875: Points 875 (cluster 2872) and 894 (cluster 894) connect at weight=306.0
2025-04-09 19:04:13.432 | DEBUG    | __main__:<module>:20 - Iteration 876: Points 866 (cluster 2869) and 878 (cluster 878) connect at weight=306.0
2025-04-09 19:04:13.432 | DEBUG    | __main__:<module>:20 - Iteration 877: Points 859 (cluster 2868) and 897 (cluster 897) connect at weight=306.0
2025-04-09 19:04:13.432 | DEBUG    | __main__:<module>:20 - Iteration 878: Points 857 (cluster 2873) and 903 (cluster 903) connect at weight=306.0
2025-04-09 19:04:13.433 | DEBUG    | __main__:<module>:20 - Iteration 879: Points 810 (cluster 2878) and 884 (cluster 884) connect at weight=306.0
2025-04-09 19:04:13.433 | DEBUG    | __main__:<module>:20 - Iteration 880: Points 892 (cluster 892) and 870 (cluster 2877) connect at weight=305.0
2025-04-09 19:04:13.433 | DEBUG    | __main__:<module>:20 - Iteration 881: Points 891 (cluster 891) and 904 (cluster 904) connect at weight=305.0
2025-04-09 19:04:13.433 | DEBUG    | __main__:<module>:20 - Iteration 882: Points 889 (cluster 2870) and 911 (cluster 911) connect at weight=305.0
2025-04-09 19:04:13.433 | DEBUG    | __main__:<module>:20 - Iteration 883: Points 887 (cluster 2880) and 912 (cluster 912) connect at weight=305.0
2025-04-09 19:04:13.433 | DEBUG    | __main__:<module>:20 - Iteration 884: Points 885 (cluster 2875) and 888 (cluster 2874) connect at weight=305.0
2025-04-09 19:04:13.434 | DEBUG    | __main__:<module>:20 - Iteration 885: Points 883 (cluster 883) and 899 (cluster 899) connect at weight=305.0
2025-04-09 19:04:13.434 | DEBUG    | __main__:<module>:20 - Iteration 886: Points 878 (cluster 2876) and 905 (cluster 905) connect at weight=305.0
2025-04-09 19:04:13.434 | DEBUG    | __main__:<module>:20 - Iteration 887: Points 862 (cluster 2884) and 907 (cluster 907) connect at weight=305.0
2025-04-09 19:04:13.434 | DEBUG    | __main__:<module>:20 - Iteration 888: Points 853 (cluster 2887) and 844 (cluster 844) connect at weight=305.0
2025-04-09 19:04:13.434 | DEBUG    | __main__:<module>:20 - Iteration 889: Points 849 (cluster 2879) and 895 (cluster 895) connect at weight=305.0
2025-04-09 19:04:13.435 | DEBUG    | __main__:<module>:20 - Iteration 890: Points 838 (cluster 2883) and 883 (cluster 2885) connect at weight=305.0
2025-04-09 19:04:13.435 | DEBUG    | __main__:<module>:20 - Iteration 891: Points 821 (cluster 2889) and 893 (cluster 893) connect at weight=305.0
2025-04-09 19:04:13.435 | DEBUG    | __main__:<module>:20 - Iteration 892: Points 807 (cluster 2888) and 867 (cluster 2882) connect at weight=305.0
2025-04-09 19:04:13.435 | DEBUG    | __main__:<module>:20 - Iteration 893: Points 777 (cluster 2892) and 896 (cluster 896) connect at weight=305.0
2025-04-09 19:04:13.435 | DEBUG    | __main__:<module>:20 - Iteration 894: Points 913 (cluster 913) and 874 (cluster 874) connect at weight=304.0
2025-04-09 19:04:13.436 | DEBUG    | __main__:<module>:20 - Iteration 895: Points 908 (cluster 908) and 898 (cluster 898) connect at weight=304.0
2025-04-09 19:04:13.436 | DEBUG    | __main__:<module>:20 - Iteration 896: Points 893 (cluster 2891) and 908 (cluster 2895) connect at weight=304.0
2025-04-09 19:04:13.436 | DEBUG    | __main__:<module>:20 - Iteration 897: Points 883 (cluster 2890) and 916 (cluster 916) connect at weight=304.0
2025-04-09 19:04:13.436 | DEBUG    | __main__:<module>:20 - Iteration 898: Points 858 (cluster 2893) and 920 (cluster 920) connect at weight=304.0
2025-04-09 19:04:13.436 | DEBUG    | __main__:<module>:20 - Iteration 899: Points 856 (cluster 2896) and 902 (cluster 902) connect at weight=304.0
2025-04-09 19:04:13.437 | DEBUG    | __main__:<module>:20 - Iteration 900: Points 825 (cluster 2898) and 923 (cluster 923) connect at weight=304.0
2025-04-09 19:04:13.437 | DEBUG    | __main__:<module>:20 - Iteration 901: Points 825 (cluster 2900) and 909 (cluster 909) connect at weight=304.0
2025-04-09 19:04:13.437 | DEBUG    | __main__:<module>:20 - Iteration 902: Points 822 (cluster 2897) and 915 (cluster 915) connect at weight=304.0
2025-04-09 19:04:13.437 | DEBUG    | __main__:<module>:20 - Iteration 903: Points 777 (cluster 2901) and 868 (cluster 2886) connect at weight=304.0
2025-04-09 19:04:13.437 | DEBUG    | __main__:<module>:20 - Iteration 904: Points 662 (cluster 2902) and 918 (cluster 918) connect at weight=304.0
2025-04-09 19:04:13.437 | DEBUG    | __main__:<module>:20 - Iteration 905: Points 462 (cluster 2904) and 922 (cluster 922) connect at weight=304.0
2025-04-09 19:04:13.438 | DEBUG    | __main__:<module>:20 - Iteration 906: Points 933 (cluster 933) and 917 (cluster 917) connect at weight=303.0
2025-04-09 19:04:13.438 | DEBUG    | __main__:<module>:20 - Iteration 907: Points 930 (cluster 930) and 927 (cluster 927) connect at weight=303.0
2025-04-09 19:04:13.438 | DEBUG    | __main__:<module>:20 - Iteration 908: Points 917 (cluster 2906) and 921 (cluster 921) connect at weight=303.0
2025-04-09 19:04:13.438 | DEBUG    | __main__:<module>:20 - Iteration 909: Points 877 (cluster 877) and 930 (cluster 2907) connect at weight=303.0
2025-04-09 19:04:13.438 | DEBUG    | __main__:<module>:20 - Iteration 910: Points 844 (cluster 2903) and 891 (cluster 2881) connect at weight=303.0
2025-04-09 19:04:13.439 | DEBUG    | __main__:<module>:20 - Iteration 911: Points 651 (cluster 2899) and 925 (cluster 925) connect at weight=303.0
2025-04-09 19:04:13.439 | DEBUG    | __main__:<module>:20 - Iteration 912: Points 926 (cluster 926) and 934 (cluster 934) connect at weight=302.0
2025-04-09 19:04:13.439 | DEBUG    | __main__:<module>:20 - Iteration 913: Points 912 (cluster 2905) and 919 (cluster 919) connect at weight=302.0
2025-04-09 19:04:13.439 | DEBUG    | __main__:<module>:20 - Iteration 914: Points 901 (cluster 901) and 865 (cluster 865) connect at weight=302.0
2025-04-09 19:04:13.439 | DEBUG    | __main__:<module>:20 - Iteration 915: Points 896 (cluster 2910) and 929 (cluster 929) connect at weight=302.0
2025-04-09 19:04:13.440 | DEBUG    | __main__:<module>:20 - Iteration 916: Points 885 (cluster 2915) and 928 (cluster 928) connect at weight=302.0
2025-04-09 19:04:13.440 | DEBUG    | __main__:<module>:20 - Iteration 917: Points 883 (cluster 2913) and 942 (cluster 942) connect at weight=302.0
2025-04-09 19:04:13.440 | DEBUG    | __main__:<module>:20 - Iteration 918: Points 876 (cluster 2917) and 932 (cluster 932) connect at weight=302.0
2025-04-09 19:04:13.440 | DEBUG    | __main__:<module>:20 - Iteration 919: Points 867 (cluster 2916) and 914 (cluster 914) connect at weight=302.0
2025-04-09 19:04:13.440 | DEBUG    | __main__:<module>:20 - Iteration 920: Points 849 (cluster 2911) and 933 (cluster 2908) connect at weight=302.0
2025-04-09 19:04:13.441 | DEBUG    | __main__:<module>:20 - Iteration 921: Points 845 (cluster 2918) and 948 (cluster 948) connect at weight=302.0
2025-04-09 19:04:13.441 | DEBUG    | __main__:<module>:20 - Iteration 922: Points 825 (cluster 2919) and 906 (cluster 906) connect at weight=302.0
2025-04-09 19:04:13.441 | DEBUG    | __main__:<module>:20 - Iteration 923: Points 821 (cluster 2920) and 937 (cluster 937) connect at weight=302.0
2025-04-09 19:04:13.441 | DEBUG    | __main__:<module>:20 - Iteration 924: Points 726 (cluster 2921) and 944 (cluster 944) connect at weight=302.0
2025-04-09 19:04:13.441 | DEBUG    | __main__:<module>:20 - Iteration 925: Points 558 (cluster 2923) and 945 (cluster 945) connect at weight=302.0
2025-04-09 19:04:13.441 | DEBUG    | __main__:<module>:20 - Iteration 926: Points 521 (cluster 2924) and 947 (cluster 947) connect at weight=302.0
2025-04-09 19:04:13.442 | DEBUG    | __main__:<module>:20 - Iteration 927: Points 929 (cluster 2922) and 931 (cluster 931) connect at weight=301.0
2025-04-09 19:04:13.442 | DEBUG    | __main__:<module>:20 - Iteration 928: Points 925 (cluster 2925) and 952 (cluster 952) connect at weight=301.0
2025-04-09 19:04:13.442 | DEBUG    | __main__:<module>:20 - Iteration 929: Points 916 (cluster 2926) and 949 (cluster 949) connect at weight=301.0
2025-04-09 19:04:13.442 | DEBUG    | __main__:<module>:20 - Iteration 930: Points 906 (cluster 2927) and 938 (cluster 938) connect at weight=301.0
2025-04-09 19:04:13.442 | DEBUG    | __main__:<module>:20 - Iteration 931: Points 867 (cluster 2930) and 924 (cluster 924) connect at weight=301.0
2025-04-09 19:04:13.443 | DEBUG    | __main__:<module>:20 - Iteration 932: Points 863 (cluster 2929) and 940 (cluster 940) connect at weight=301.0
2025-04-09 19:04:13.443 | DEBUG    | __main__:<module>:20 - Iteration 933: Points 844 (cluster 2931) and 901 (cluster 2914) connect at weight=301.0
2025-04-09 19:04:13.443 | DEBUG    | __main__:<module>:20 - Iteration 934: Points 840 (cluster 2932) and 939 (cluster 939) connect at weight=301.0
2025-04-09 19:04:13.443 | DEBUG    | __main__:<module>:20 - Iteration 935: Points 741 (cluster 2934) and 954 (cluster 954) connect at weight=301.0
2025-04-09 19:04:13.443 | DEBUG    | __main__:<module>:20 - Iteration 936: Points 722 (cluster 2933) and 950 (cluster 950) connect at weight=301.0
2025-04-09 19:04:13.443 | DEBUG    | __main__:<module>:20 - Iteration 937: Points 639 (cluster 2935) and 941 (cluster 941) connect at weight=301.0
2025-04-09 19:04:13.444 | DEBUG    | __main__:<module>:20 - Iteration 938: Points 958 (cluster 958) and 953 (cluster 953) connect at weight=300.0
2025-04-09 19:04:13.444 | DEBUG    | __main__:<module>:20 - Iteration 939: Points 943 (cluster 943) and 946 (cluster 946) connect at weight=300.0
2025-04-09 19:04:13.444 | DEBUG    | __main__:<module>:20 - Iteration 940: Points 938 (cluster 2936) and 958 (cluster 2938) connect at weight=300.0
2025-04-09 19:04:13.444 | DEBUG    | __main__:<module>:20 - Iteration 941: Points 934 (cluster 2912) and 892 (cluster 2937) connect at weight=300.0
2025-04-09 19:04:13.444 | DEBUG    | __main__:<module>:20 - Iteration 942: Points 931 (cluster 2940) and 956 (cluster 956) connect at weight=300.0
2025-04-09 19:04:13.445 | DEBUG    | __main__:<module>:20 - Iteration 943: Points 926 (cluster 2941) and 966 (cluster 966) connect at weight=300.0
2025-04-09 19:04:13.445 | DEBUG    | __main__:<module>:20 - Iteration 944: Points 901 (cluster 2942) and 955 (cluster 955) connect at weight=300.0
2025-04-09 19:04:13.445 | DEBUG    | __main__:<module>:20 - Iteration 945: Points 878 (cluster 2944) and 951 (cluster 951) connect at weight=300.0
2025-04-09 19:04:13.445 | DEBUG    | __main__:<module>:20 - Iteration 946: Points 870 (cluster 2943) and 961 (cluster 961) connect at weight=300.0
2025-04-09 19:04:13.445 | DEBUG    | __main__:<module>:20 - Iteration 947: Points 860 (cluster 2946) and 963 (cluster 963) connect at weight=300.0
2025-04-09 19:04:13.446 | DEBUG    | __main__:<module>:20 - Iteration 948: Points 696 (cluster 2945) and 877 (cluster 2909) connect at weight=300.0
2025-04-09 19:04:13.446 | DEBUG    | __main__:<module>:20 - Iteration 949: Points 537 (cluster 2947) and 959 (cluster 959) connect at weight=300.0
2025-04-09 19:04:13.446 | DEBUG    | __main__:<module>:20 - Iteration 950: Points 957 (cluster 957) and 968 (cluster 968) connect at weight=299.0
2025-04-09 19:04:13.446 | DEBUG    | __main__:<module>:20 - Iteration 951: Points 957 (cluster 2950) and 926 (cluster 2949) connect at weight=299.0
2025-04-09 19:04:13.446 | DEBUG    | __main__:<module>:20 - Iteration 952: Points 949 (cluster 2951) and 967 (cluster 967) connect at weight=299.0
2025-04-09 19:04:13.446 | DEBUG    | __main__:<module>:20 - Iteration 953: Points 936 (cluster 936) and 970 (cluster 970) connect at weight=299.0
2025-04-09 19:04:13.447 | DEBUG    | __main__:<module>:20 - Iteration 954: Points 910 (cluster 910) and 943 (cluster 2939) connect at weight=299.0
2025-04-09 19:04:13.447 | DEBUG    | __main__:<module>:20 - Iteration 955: Points 908 (cluster 2928) and 964 (cluster 964) connect at weight=299.0
2025-04-09 19:04:13.447 | DEBUG    | __main__:<module>:20 - Iteration 956: Points 898 (cluster 2955) and 910 (cluster 2954) connect at weight=299.0
2025-04-09 19:04:13.447 | DEBUG    | __main__:<module>:20 - Iteration 957: Points 572 (cluster 2952) and 965 (cluster 965) connect at weight=299.0
2025-04-09 19:04:13.447 | DEBUG    | __main__:<module>:20 - Iteration 958: Points 350 (cluster 2956) and 971 (cluster 971) connect at weight=299.0
2025-04-09 19:04:13.448 | DEBUG    | __main__:<module>:20 - Iteration 959: Points 978 (cluster 978) and 969 (cluster 969) connect at weight=298.0
2025-04-09 19:04:13.448 | DEBUG    | __main__:<module>:20 - Iteration 960: Points 953 (cluster 2948) and 972 (cluster 972) connect at weight=298.0
2025-04-09 19:04:13.448 | DEBUG    | __main__:<module>:20 - Iteration 961: Points 919 (cluster 2957) and 980 (cluster 980) connect at weight=298.0
2025-04-09 19:04:13.448 | DEBUG    | __main__:<module>:20 - Iteration 962: Points 878 (cluster 2960) and 962 (cluster 962) connect at weight=298.0
2025-04-09 19:04:13.448 | DEBUG    | __main__:<module>:20 - Iteration 963: Points 986 (cluster 986) and 978 (cluster 2959) connect at weight=297.0
2025-04-09 19:04:13.448 | DEBUG    | __main__:<module>:20 - Iteration 964: Points 942 (cluster 2961) and 985 (cluster 985) connect at weight=297.0
2025-04-09 19:04:13.449 | DEBUG    | __main__:<module>:20 - Iteration 965: Points 879 (cluster 2958) and 979 (cluster 979) connect at weight=297.0
2025-04-09 19:04:13.449 | DEBUG    | __main__:<module>:20 - Iteration 966: Points 869 (cluster 2962) and 989 (cluster 989) connect at weight=297.0
2025-04-09 19:04:13.449 | DEBUG    | __main__:<module>:20 - Iteration 967: Points 687 (cluster 2965) and 935 (cluster 935) connect at weight=297.0
2025-04-09 19:04:13.449 | DEBUG    | __main__:<module>:20 - Iteration 968: Points 991 (cluster 991) and 977 (cluster 977) connect at weight=296.0
2025-04-09 19:04:13.449 | DEBUG    | __main__:<module>:20 - Iteration 969: Points 985 (cluster 2964) and 1000 (cluster 1000) connect at weight=296.0
2025-04-09 19:04:13.450 | DEBUG    | __main__:<module>:20 - Iteration 970: Points 980 (cluster 2969) and 1006 (cluster 1006) connect at weight=296.0
2025-04-09 19:04:13.450 | DEBUG    | __main__:<module>:20 - Iteration 971: Points 976 (cluster 976) and 996 (cluster 996) connect at weight=296.0
2025-04-09 19:04:13.450 | DEBUG    | __main__:<module>:20 - Iteration 972: Points 973 (cluster 973) and 986 (cluster 2963) connect at weight=296.0
2025-04-09 19:04:13.450 | DEBUG    | __main__:<module>:20 - Iteration 973: Points 973 (cluster 2972) and 974 (cluster 974) connect at weight=296.0
2025-04-09 19:04:13.450 | DEBUG    | __main__:<module>:20 - Iteration 974: Points 956 (cluster 2966) and 982 (cluster 982) connect at weight=296.0
2025-04-09 19:04:13.451 | DEBUG    | __main__:<module>:20 - Iteration 975: Points 949 (cluster 2970) and 973 (cluster 2973) connect at weight=296.0
2025-04-09 19:04:13.451 | DEBUG    | __main__:<module>:20 - Iteration 976: Points 940 (cluster 2975) and 1004 (cluster 1004) connect at weight=296.0
2025-04-09 19:04:13.451 | DEBUG    | __main__:<module>:20 - Iteration 977: Points 930 (cluster 2974) and 990 (cluster 990) connect at weight=296.0
2025-04-09 19:04:13.451 | DEBUG    | __main__:<module>:20 - Iteration 978: Points 910 (cluster 2967) and 997 (cluster 997) connect at weight=296.0
2025-04-09 19:04:13.451 | DEBUG    | __main__:<module>:20 - Iteration 979: Points 910 (cluster 2978) and 975 (cluster 975) connect at weight=296.0
2025-04-09 19:04:13.451 | DEBUG    | __main__:<module>:20 - Iteration 980: Points 906 (cluster 2977) and 984 (cluster 984) connect at weight=296.0
2025-04-09 19:04:13.452 | DEBUG    | __main__:<module>:20 - Iteration 981: Points 1001 (cluster 1001) and 988 (cluster 988) connect at weight=295.0
2025-04-09 19:04:13.452 | DEBUG    | __main__:<module>:20 - Iteration 982: Points 998 (cluster 998) and 994 (cluster 994) connect at weight=295.0
2025-04-09 19:04:13.452 | DEBUG    | __main__:<module>:20 - Iteration 983: Points 997 (cluster 2979) and 976 (cluster 2971) connect at weight=295.0
2025-04-09 19:04:13.452 | DEBUG    | __main__:<module>:20 - Iteration 984: Points 987 (cluster 987) and 1015 (cluster 1015) connect at weight=295.0
2025-04-09 19:04:13.452 | DEBUG    | __main__:<module>:20 - Iteration 985: Points 987 (cluster 2984) and 1002 (cluster 1002) connect at weight=295.0
2025-04-09 19:04:13.452 | DEBUG    | __main__:<module>:20 - Iteration 986: Points 976 (cluster 2983) and 995 (cluster 995) connect at weight=295.0
2025-04-09 19:04:13.453 | DEBUG    | __main__:<module>:20 - Iteration 987: Points 969 (cluster 2976) and 1003 (cluster 1003) connect at weight=295.0
2025-04-09 19:04:13.453 | DEBUG    | __main__:<module>:20 - Iteration 988: Points 969 (cluster 2987) and 999 (cluster 999) connect at weight=295.0
2025-04-09 19:04:13.453 | DEBUG    | __main__:<module>:20 - Iteration 989: Points 904 (cluster 2980) and 981 (cluster 981) connect at weight=295.0
2025-04-09 19:04:13.453 | DEBUG    | __main__:<module>:20 - Iteration 990: Points 813 (cluster 2986) and 1008 (cluster 1008) connect at weight=295.0
2025-04-09 19:04:13.453 | DEBUG    | __main__:<module>:20 - Iteration 991: Points 1015 (cluster 2985) and 1024 (cluster 1024) connect at weight=294.0
2025-04-09 19:04:13.454 | DEBUG    | __main__:<module>:20 - Iteration 992: Points 1003 (cluster 2988) and 1001 (cluster 2981) connect at weight=294.0
2025-04-09 19:04:13.454 | DEBUG    | __main__:<module>:20 - Iteration 993: Points 1003 (cluster 2992) and 991 (cluster 2968) connect at weight=294.0
2025-04-09 19:04:13.454 | DEBUG    | __main__:<module>:20 - Iteration 994: Points 999 (cluster 2993) and 1016 (cluster 1016) connect at weight=294.0
2025-04-09 19:04:13.454 | DEBUG    | __main__:<module>:20 - Iteration 995: Points 998 (cluster 2982) and 983 (cluster 983) connect at weight=294.0
2025-04-09 19:04:13.454 | DEBUG    | __main__:<module>:20 - Iteration 996: Points 994 (cluster 2995) and 1013 (cluster 1013) connect at weight=294.0
2025-04-09 19:04:13.454 | DEBUG    | __main__:<module>:20 - Iteration 997: Points 992 (cluster 992) and 1023 (cluster 1023) connect at weight=294.0
2025-04-09 19:04:13.455 | DEBUG    | __main__:<module>:20 - Iteration 998: Points 982 (cluster 2989) and 1021 (cluster 1021) connect at weight=294.0
2025-04-09 19:04:13.455 | DEBUG    | __main__:<module>:20 - Iteration 999: Points 972 (cluster 2998) and 1005 (cluster 1005) connect at weight=294.0
2025-04-09 19:04:13.455 | DEBUG    | __main__:<module>:20 - Iteration 1000: Points 951 (cluster 2999) and 992 (cluster 2997) connect at weight=294.0
2025-04-09 19:04:13.455 | DEBUG    | __main__:<module>:20 - Iteration 1001: Points 935 (cluster 2990) and 993 (cluster 993) connect at weight=294.0
2025-04-09 19:04:13.455 | DEBUG    | __main__:<module>:20 - Iteration 1002: Points 1014 (cluster 1014) and 1025 (cluster 1025) connect at weight=293.0
2025-04-09 19:04:13.455 | DEBUG    | __main__:<module>:20 - Iteration 1003: Points 1005 (cluster 3000) and 1014 (cluster 3002) connect at weight=293.0
2025-04-09 19:04:13.456 | DEBUG    | __main__:<module>:20 - Iteration 1004: Points 1004 (cluster 2994) and 1020 (cluster 1020) connect at weight=293.0
2025-04-09 19:04:13.456 | DEBUG    | __main__:<module>:20 - Iteration 1005: Points 1004 (cluster 3004) and 1018 (cluster 1018) connect at weight=293.0
2025-04-09 19:04:13.456 | DEBUG    | __main__:<module>:20 - Iteration 1006: Points 999 (cluster 3005) and 1010 (cluster 1010) connect at weight=293.0
2025-04-09 19:04:13.456 | DEBUG    | __main__:<module>:20 - Iteration 1007: Points 996 (cluster 3001) and 987 (cluster 2991) connect at weight=293.0
2025-04-09 19:04:13.456 | DEBUG    | __main__:<module>:20 - Iteration 1008: Points 993 (cluster 3007) and 998 (cluster 2996) connect at weight=293.0
2025-04-09 19:04:13.457 | DEBUG    | __main__:<module>:20 - Iteration 1009: Points 972 (cluster 3003) and 1029 (cluster 1029) connect at weight=293.0
2025-04-09 19:04:13.457 | DEBUG    | __main__:<module>:20 - Iteration 1010: Points 1031 (cluster 1031) and 1028 (cluster 1028) connect at weight=292.0
2025-04-09 19:04:13.457 | DEBUG    | __main__:<module>:20 - Iteration 1011: Points 1027 (cluster 1027) and 1009 (cluster 1009) connect at weight=292.0
2025-04-09 19:04:13.457 | DEBUG    | __main__:<module>:20 - Iteration 1012: Points 1023 (cluster 3009) and 1026 (cluster 1026) connect at weight=292.0
2025-04-09 19:04:13.457 | DEBUG    | __main__:<module>:20 - Iteration 1013: Points 1012 (cluster 1012) and 1027 (cluster 3011) connect at weight=292.0
2025-04-09 19:04:13.458 | DEBUG    | __main__:<module>:20 - Iteration 1014: Points 1011 (cluster 1011) and 1007 (cluster 1007) connect at weight=292.0
2025-04-09 19:04:13.458 | DEBUG    | __main__:<module>:20 - Iteration 1015: Points 954 (cluster 3006) and 1030 (cluster 1030) connect at weight=292.0
2025-04-09 19:04:13.458 | DEBUG    | __main__:<module>:20 - Iteration 1016: Points 936 (cluster 2953) and 1017 (cluster 1017) connect at weight=292.0
2025-04-09 19:04:13.469 | DEBUG    | __main__:<module>:20 - Iteration 1017: Points 692 (cluster 3012) and 936 (cluster 3016) connect at weight=292.0
2025-04-09 19:04:13.470 | DEBUG    | __main__:<module>:20 - Iteration 1018: Points 987 (cluster 3008) and 1012 (cluster 3013) connect at weight=291.0
2025-04-09 19:04:13.470 | DEBUG    | __main__:<module>:20 - Iteration 1019: Points 930 (cluster 3017) and 1022 (cluster 1022) connect at weight=291.0
2025-04-09 19:04:13.470 | DEBUG    | __main__:<module>:20 - Iteration 1020: Points 921 (cluster 3018) and 1011 (cluster 3014) connect at weight=291.0
2025-04-09 19:04:13.470 | DEBUG    | __main__:<module>:20 - Iteration 1021: Points 1022 (cluster 3019) and 1032 (cluster 1032) connect at weight=290.0
2025-04-09 19:04:13.470 | DEBUG    | __main__:<module>:20 - Iteration 1022: Points 1020 (cluster 3015) and 1042 (cluster 1042) connect at weight=290.0
2025-04-09 19:04:13.471 | DEBUG    | __main__:<module>:20 - Iteration 1023: Points 981 (cluster 3021) and 1019 (cluster 1019) connect at weight=290.0
2025-04-09 19:04:13.471 | DEBUG    | __main__:<module>:20 - Iteration 1024: Points 1034 (cluster 1034) and 1033 (cluster 1033) connect at weight=289.0
2025-04-09 19:04:13.471 | DEBUG    | __main__:<module>:20 - Iteration 1025: Points 1032 (cluster 3023) and 1041 (cluster 1041) connect at weight=289.0
2025-04-09 19:04:13.471 | DEBUG    | __main__:<module>:20 - Iteration 1026: Points 1031 (cluster 3010) and 1049 (cluster 1049) connect at weight=289.0
2025-04-09 19:04:13.471 | DEBUG    | __main__:<module>:20 - Iteration 1027: Points 1027 (cluster 3020) and 1035 (cluster 1035) connect at weight=289.0
2025-04-09 19:04:13.471 | DEBUG    | __main__:<module>:20 - Iteration 1028: Points 1025 (cluster 3025) and 1037 (cluster 1037) connect at weight=289.0
2025-04-09 19:04:13.472 | DEBUG    | __main__:<module>:20 - Iteration 1029: Points 1046 (cluster 1046) and 1039 (cluster 1039) connect at weight=288.0
2025-04-09 19:04:13.472 | DEBUG    | __main__:<module>:20 - Iteration 1030: Points 1037 (cluster 3028) and 1043 (cluster 1043) connect at weight=288.0
2025-04-09 19:04:13.472 | DEBUG    | __main__:<module>:20 - Iteration 1031: Points 1027 (cluster 3027) and 1045 (cluster 1045) connect at weight=288.0
2025-04-09 19:04:13.472 | DEBUG    | __main__:<module>:20 - Iteration 1032: Points 1007 (cluster 3031) and 1053 (cluster 1053) connect at weight=288.0
2025-04-09 19:04:13.472 | DEBUG    | __main__:<module>:20 - Iteration 1033: Points 983 (cluster 3032) and 913 (cluster 2894) connect at weight=288.0
2025-04-09 19:04:13.473 | DEBUG    | __main__:<module>:20 - Iteration 1034: Points 924 (cluster 3030) and 1034 (cluster 3024) connect at weight=288.0
2025-04-09 19:04:13.473 | DEBUG    | __main__:<module>:20 - Iteration 1035: Points 1056 (cluster 1056) and 1044 (cluster 1044) connect at weight=287.0
2025-04-09 19:04:13.473 | DEBUG    | __main__:<module>:20 - Iteration 1036: Points 1055 (cluster 1055) and 1059 (cluster 1059) connect at weight=287.0
2025-04-09 19:04:13.473 | DEBUG    | __main__:<module>:20 - Iteration 1037: Points 1054 (cluster 1054) and 1052 (cluster 1052) connect at weight=287.0
2025-04-09 19:04:13.473 | DEBUG    | __main__:<module>:20 - Iteration 1038: Points 1047 (cluster 1047) and 1058 (cluster 1058) connect at weight=287.0
2025-04-09 19:04:13.474 | DEBUG    | __main__:<module>:20 - Iteration 1039: Points 1037 (cluster 3034) and 1051 (cluster 1051) connect at weight=287.0
2025-04-09 19:04:13.474 | DEBUG    | __main__:<module>:20 - Iteration 1040: Points 1007 (cluster 3033) and 1031 (cluster 3026) connect at weight=287.0
2025-04-09 19:04:13.474 | DEBUG    | __main__:<module>:20 - Iteration 1041: Points 1002 (cluster 3040) and 1046 (cluster 3029) connect at weight=287.0
2025-04-09 19:04:13.474 | DEBUG    | __main__:<module>:20 - Iteration 1042: Points 1000 (cluster 3022) and 1062 (cluster 1062) connect at weight=287.0
2025-04-09 19:04:13.474 | DEBUG    | __main__:<module>:20 - Iteration 1043: Points 953 (cluster 3039) and 1063 (cluster 1063) connect at weight=287.0
2025-04-09 19:04:13.474 | DEBUG    | __main__:<module>:20 - Iteration 1044: Points 1066 (cluster 1066) and 1064 (cluster 1064) connect at weight=286.0
2025-04-09 19:04:13.475 | DEBUG    | __main__:<module>:20 - Iteration 1045: Points 1059 (cluster 3036) and 1056 (cluster 3035) connect at weight=286.0
2025-04-09 19:04:13.475 | DEBUG    | __main__:<module>:20 - Iteration 1046: Points 1051 (cluster 3043) and 1061 (cluster 1061) connect at weight=286.0
2025-04-09 19:04:13.475 | DEBUG    | __main__:<module>:20 - Iteration 1047: Points 1049 (cluster 3041) and 1067 (cluster 1067) connect at weight=286.0
2025-04-09 19:04:13.475 | DEBUG    | __main__:<module>:20 - Iteration 1048: Points 1049 (cluster 3047) and 1054 (cluster 3037) connect at weight=286.0
2025-04-09 19:04:13.475 | DEBUG    | __main__:<module>:20 - Iteration 1049: Points 1034 (cluster 3046) and 1036 (cluster 1036) connect at weight=286.0
2025-04-09 19:04:13.476 | DEBUG    | __main__:<module>:20 - Iteration 1050: Points 1028 (cluster 3048) and 1047 (cluster 3038) connect at weight=286.0
2025-04-09 19:04:13.476 | DEBUG    | __main__:<module>:20 - Iteration 1051: Points 1009 (cluster 3050) and 1070 (cluster 1070) connect at weight=286.0
2025-04-09 19:04:13.476 | DEBUG    | __main__:<module>:20 - Iteration 1052: Points 1009 (cluster 3051) and 1050 (cluster 1050) connect at weight=286.0
2025-04-09 19:04:13.476 | DEBUG    | __main__:<module>:20 - Iteration 1053: Points 991 (cluster 3042) and 1057 (cluster 1057) connect at weight=286.0
2025-04-09 19:04:13.476 | DEBUG    | __main__:<module>:20 - Iteration 1054: Points 1067 (cluster 3052) and 1078 (cluster 1078) connect at weight=285.0
2025-04-09 19:04:13.476 | DEBUG    | __main__:<module>:20 - Iteration 1055: Points 1065 (cluster 1065) and 1055 (cluster 3045) connect at weight=285.0
2025-04-09 19:04:13.477 | DEBUG    | __main__:<module>:20 - Iteration 1056: Points 1059 (cluster 3055) and 1073 (cluster 1073) connect at weight=285.0
2025-04-09 19:04:13.477 | DEBUG    | __main__:<module>:20 - Iteration 1057: Points 1044 (cluster 3056) and 957 (cluster 3053) connect at weight=285.0
2025-04-09 19:04:13.477 | DEBUG    | __main__:<module>:20 - Iteration 1058: Points 1023 (cluster 3049) and 1072 (cluster 1072) connect at weight=285.0
2025-04-09 19:04:13.477 | DEBUG    | __main__:<module>:20 - Iteration 1059: Points 1009 (cluster 3054) and 1048 (cluster 1048) connect at weight=285.0
2025-04-09 19:04:13.477 | DEBUG    | __main__:<module>:20 - Iteration 1060: Points 934 (cluster 3057) and 1066 (cluster 3044) connect at weight=285.0
2025-04-09 19:04:13.478 | DEBUG    | __main__:<module>:20 - Iteration 1061: Points 921 (cluster 3059) and 1069 (cluster 1069) connect at weight=285.0
2025-04-09 19:04:13.478 | DEBUG    | __main__:<module>:20 - Iteration 1062: Points 874 (cluster 3061) and 1038 (cluster 1038) connect at weight=285.0
2025-04-09 19:04:13.478 | DEBUG    | __main__:<module>:20 - Iteration 1063: Points 1083 (cluster 1083) and 1068 (cluster 1068) connect at weight=284.0
2025-04-09 19:04:13.478 | DEBUG    | __main__:<module>:20 - Iteration 1064: Points 1080 (cluster 1080) and 1083 (cluster 3063) connect at weight=284.0
2025-04-09 19:04:13.478 | DEBUG    | __main__:<module>:20 - Iteration 1065: Points 1068 (cluster 3064) and 1082 (cluster 1082) connect at weight=284.0
2025-04-09 19:04:13.478 | DEBUG    | __main__:<module>:20 - Iteration 1066: Points 1026 (cluster 3058) and 1071 (cluster 1071) connect at weight=284.0
2025-04-09 19:04:13.479 | DEBUG    | __main__:<module>:20 - Iteration 1067: Points 1013 (cluster 3062) and 1079 (cluster 1079) connect at weight=284.0
2025-04-09 19:04:13.479 | DEBUG    | __main__:<module>:20 - Iteration 1068: Points 921 (cluster 3067) and 1076 (cluster 1076) connect at weight=284.0
2025-04-09 19:04:13.479 | DEBUG    | __main__:<module>:20 - Iteration 1069: Points 915 (cluster 3060) and 1084 (cluster 1084) connect at weight=284.0
2025-04-09 19:04:13.479 | DEBUG    | __main__:<module>:20 - Iteration 1070: Points 673 (cluster 3066) and 1085 (cluster 1085) connect at weight=284.0
2025-04-09 19:04:13.479 | DEBUG    | __main__:<module>:20 - Iteration 1071: Points 1075 (cluster 1075) and 1090 (cluster 1090) connect at weight=283.0
2025-04-09 19:04:13.480 | DEBUG    | __main__:<module>:20 - Iteration 1072: Points 1055 (cluster 3069) and 1089 (cluster 1089) connect at weight=283.0
2025-04-09 19:04:13.480 | DEBUG    | __main__:<module>:20 - Iteration 1073: Points 1052 (cluster 3068) and 1088 (cluster 1088) connect at weight=283.0
2025-04-09 19:04:13.480 | DEBUG    | __main__:<module>:20 - Iteration 1074: Points 1033 (cluster 3070) and 1074 (cluster 1074) connect at weight=283.0
2025-04-09 19:04:13.480 | DEBUG    | __main__:<module>:20 - Iteration 1075: Points 977 (cluster 3072) and 1075 (cluster 3071) connect at weight=283.0
2025-04-09 19:04:13.480 | DEBUG    | __main__:<module>:20 - Iteration 1076: Points 970 (cluster 3074) and 1060 (cluster 1060) connect at weight=283.0
2025-04-09 19:04:13.480 | DEBUG    | __main__:<module>:20 - Iteration 1077: Points 1086 (cluster 1086) and 1065 (cluster 3075) connect at weight=282.0
2025-04-09 19:04:13.481 | DEBUG    | __main__:<module>:20 - Iteration 1078: Points 1056 (cluster 3077) and 1097 (cluster 1097) connect at weight=282.0
2025-04-09 19:04:13.481 | DEBUG    | __main__:<module>:20 - Iteration 1079: Points 1050 (cluster 3073) and 1077 (cluster 1077) connect at weight=282.0
2025-04-09 19:04:13.481 | DEBUG    | __main__:<module>:20 - Iteration 1080: Points 1043 (cluster 3076) and 1080 (cluster 3065) connect at weight=282.0
2025-04-09 19:04:13.481 | DEBUG    | __main__:<module>:20 - Iteration 1081: Points 1016 (cluster 3078) and 1096 (cluster 1096) connect at weight=282.0
2025-04-09 19:04:13.481 | DEBUG    | __main__:<module>:20 - Iteration 1082: Points 1000 (cluster 3081) and 1094 (cluster 1094) connect at weight=282.0
2025-04-09 19:04:13.482 | DEBUG    | __main__:<module>:20 - Iteration 1083: Points 1097 (cluster 3082) and 1098 (cluster 1098) connect at weight=281.0
2025-04-09 19:04:13.482 | DEBUG    | __main__:<module>:20 - Iteration 1084: Points 1096 (cluster 3083) and 1103 (cluster 1103) connect at weight=281.0
2025-04-09 19:04:13.482 | DEBUG    | __main__:<module>:20 - Iteration 1085: Points 1090 (cluster 3084) and 1092 (cluster 1092) connect at weight=281.0
2025-04-09 19:04:13.482 | DEBUG    | __main__:<module>:20 - Iteration 1086: Points 1075 (cluster 3085) and 1095 (cluster 1095) connect at weight=281.0
2025-04-09 19:04:13.482 | DEBUG    | __main__:<module>:20 - Iteration 1087: Points 1048 (cluster 3079) and 1099 (cluster 1099) connect at weight=281.0
2025-04-09 19:04:13.482 | DEBUG    | __main__:<module>:20 - Iteration 1088: Points 1010 (cluster 3086) and 1106 (cluster 1106) connect at weight=281.0
2025-04-09 19:04:13.483 | DEBUG    | __main__:<module>:20 - Iteration 1089: Points 962 (cluster 3080) and 1104 (cluster 1104) connect at weight=281.0
2025-04-09 19:04:13.483 | DEBUG    | __main__:<module>:20 - Iteration 1090: Points 912 (cluster 3088) and 1101 (cluster 1101) connect at weight=281.0
2025-04-09 19:04:13.483 | DEBUG    | __main__:<module>:20 - Iteration 1091: Points 1108 (cluster 1108) and 1107 (cluster 1107) connect at weight=280.0
2025-04-09 19:04:13.483 | DEBUG    | __main__:<module>:20 - Iteration 1092: Points 1083 (cluster 3089) and 1112 (cluster 1112) connect at weight=280.0
2025-04-09 19:04:13.483 | DEBUG    | __main__:<module>:20 - Iteration 1093: Points 1081 (cluster 1081) and 1100 (cluster 1100) connect at weight=280.0
2025-04-09 19:04:13.483 | DEBUG    | __main__:<module>:20 - Iteration 1094: Points 1054 (cluster 3087) and 1111 (cluster 1111) connect at weight=280.0
2025-04-09 19:04:13.484 | DEBUG    | __main__:<module>:20 - Iteration 1095: Points 1006 (cluster 3090) and 1109 (cluster 1109) connect at weight=280.0
2025-04-09 19:04:13.484 | DEBUG    | __main__:<module>:20 - Iteration 1096: Points 977 (cluster 3095) and 1081 (cluster 3093) connect at weight=280.0
2025-04-09 19:04:13.484 | DEBUG    | __main__:<module>:20 - Iteration 1097: Points 884 (cluster 3094) and 1040 (cluster 1040) connect at weight=280.0
2025-04-09 19:04:13.484 | DEBUG    | __main__:<module>:20 - Iteration 1098: Points 1119 (cluster 1119) and 1115 (cluster 1115) connect at weight=279.0
2025-04-09 19:04:13.484 | DEBUG    | __main__:<module>:20 - Iteration 1099: Points 1108 (cluster 3091) and 1113 (cluster 1113) connect at weight=279.0
2025-04-09 19:04:13.485 | DEBUG    | __main__:<module>:20 - Iteration 1100: Points 1103 (cluster 3096) and 1110 (cluster 1110) connect at weight=279.0
2025-04-09 19:04:13.485 | DEBUG    | __main__:<module>:20 - Iteration 1101: Points 1088 (cluster 3097) and 1119 (cluster 3098) connect at weight=279.0
2025-04-09 19:04:13.485 | DEBUG    | __main__:<module>:20 - Iteration 1102: Points 1081 (cluster 3100) and 1105 (cluster 1105) connect at weight=279.0
2025-04-09 19:04:13.485 | DEBUG    | __main__:<module>:20 - Iteration 1103: Points 1041 (cluster 3092) and 1091 (cluster 1091) connect at weight=279.0
2025-04-09 19:04:13.485 | DEBUG    | __main__:<module>:20 - Iteration 1104: Points 913 (cluster 3101) and 1087 (cluster 1087) connect at weight=279.0
2025-04-09 19:04:13.485 | DEBUG    | __main__:<module>:20 - Iteration 1105: Points 66 (cluster 3104) and 1 (cluster 1) connect at weight=279.0
2025-04-09 19:04:13.486 | DEBUG    | __main__:<module>:20 - Iteration 1106: Points 1113 (cluster 3099) and 1086 (cluster 3102) connect at weight=278.0
2025-04-09 19:04:13.486 | DEBUG    | __main__:<module>:20 - Iteration 1107: Points 1091 (cluster 3103) and 1117 (cluster 1117) connect at weight=278.0
2025-04-09 19:04:13.486 | DEBUG    | __main__:<module>:20 - Iteration 1108: Points 1088 (cluster 3105) and 1124 (cluster 1124) connect at weight=278.0
2025-04-09 19:04:13.486 | DEBUG    | __main__:<module>:20 - Iteration 1109: Points 1087 (cluster 3108) and 1116 (cluster 1116) connect at weight=278.0
2025-04-09 19:04:13.486 | DEBUG    | __main__:<module>:20 - Iteration 1110: Points 1082 (cluster 3107) and 1121 (cluster 1121) connect at weight=278.0
2025-04-09 19:04:13.487 | DEBUG    | __main__:<module>:20 - Iteration 1111: Points 1061 (cluster 3110) and 1123 (cluster 1123) connect at weight=278.0
2025-04-09 19:04:13.487 | DEBUG    | __main__:<module>:20 - Iteration 1112: Points 1038 (cluster 3109) and 1102 (cluster 1102) connect at weight=278.0
2025-04-09 19:04:13.487 | DEBUG    | __main__:<module>:20 - Iteration 1113: Points 1113 (cluster 3106) and 1120 (cluster 1120) connect at weight=277.0
2025-04-09 19:04:13.487 | DEBUG    | __main__:<module>:20 - Iteration 1114: Points 1105 (cluster 3113) and 1122 (cluster 1122) connect at weight=277.0
2025-04-09 19:04:13.487 | DEBUG    | __main__:<module>:20 - Iteration 1115: Points 1091 (cluster 3111) and 1093 (cluster 1093) connect at weight=277.0
2025-04-09 19:04:13.487 | DEBUG    | __main__:<module>:20 - Iteration 1116: Points 1128 (cluster 1128) and 1127 (cluster 1127) connect at weight=276.0
2025-04-09 19:04:13.489 | DEBUG    | __main__:<module>:20 - Iteration 1117: Points 1118 (cluster 1118) and 1126 (cluster 1126) connect at weight=276.0
2025-04-09 19:04:13.493 | DEBUG    | __main__:<module>:20 - Iteration 1118: Points 1111 (cluster 3112) and 1128 (cluster 3116) connect at weight=276.0
2025-04-09 19:04:13.494 | DEBUG    | __main__:<module>:20 - Iteration 1119: Points 1105 (cluster 3114) and 1114 (cluster 1114) connect at weight=276.0
2025-04-09 19:04:13.494 | DEBUG    | __main__:<module>:20 - Iteration 1120: Points 1094 (cluster 3119) and 1129 (cluster 1129) connect at weight=276.0
2025-04-09 19:04:13.494 | DEBUG    | __main__:<module>:20 - Iteration 1121: Points 1068 (cluster 3115) and 1118 (cluster 3117) connect at weight=276.0
2025-04-09 19:04:13.494 | DEBUG    | __main__:<module>:20 - Iteration 1122: Points 1100 (cluster 3120) and 1134 (cluster 1134) connect at weight=275.0
2025-04-09 19:04:13.494 | DEBUG    | __main__:<module>:20 - Iteration 1123: Points 1060 (cluster 3121) and 1125 (cluster 1125) connect at weight=275.0
2025-04-09 19:04:13.495 | DEBUG    | __main__:<module>:20 - Iteration 1124: Points 1144 (cluster 1144) and 1136 (cluster 1136) connect at weight=274.0
2025-04-09 19:04:13.495 | DEBUG    | __main__:<module>:20 - Iteration 1125: Points 1135 (cluster 1135) and 1130 (cluster 1130) connect at weight=274.0
2025-04-09 19:04:13.495 | DEBUG    | __main__:<module>:20 - Iteration 1126: Points 1122 (cluster 3122) and 1135 (cluster 3125) connect at weight=274.0
2025-04-09 19:04:13.495 | DEBUG    | __main__:<module>:20 - Iteration 1127: Points 928 (cluster 3123) and 1140 (cluster 1140) connect at weight=274.0
2025-04-09 19:04:13.495 | DEBUG    | __main__:<module>:20 - Iteration 1128: Points 700 (cluster 3127) and 1143 (cluster 1143) connect at weight=274.0
2025-04-09 19:04:13.495 | DEBUG    | __main__:<module>:20 - Iteration 1129: Points 1133 (cluster 1133) and 1141 (cluster 1141) connect at weight=273.0
2025-04-09 19:04:13.496 | DEBUG    | __main__:<module>:20 - Iteration 1130: Points 1130 (cluster 3126) and 1144 (cluster 3124) connect at weight=273.0
2025-04-09 19:04:13.496 | DEBUG    | __main__:<module>:20 - Iteration 1131: Points 1112 (cluster 3128) and 1133 (cluster 3129) connect at weight=273.0
2025-04-09 19:04:13.496 | DEBUG    | __main__:<module>:20 - Iteration 1132: Points 1108 (cluster 3130) and 1138 (cluster 1138) connect at weight=273.0
2025-04-09 19:04:13.496 | DEBUG    | __main__:<module>:20 - Iteration 1133: Points 1095 (cluster 3132) and 1137 (cluster 1137) connect at weight=273.0
2025-04-09 19:04:13.496 | DEBUG    | __main__:<module>:20 - Iteration 1134: Points 1078 (cluster 3118) and 1147 (cluster 1147) connect at weight=273.0
2025-04-09 19:04:13.497 | DEBUG    | __main__:<module>:20 - Iteration 1135: Points 1142 (cluster 1142) and 1131 (cluster 1131) connect at weight=272.0
2025-04-09 19:04:13.497 | DEBUG    | __main__:<module>:20 - Iteration 1136: Points 1133 (cluster 3131) and 1150 (cluster 1150) connect at weight=272.0
2025-04-09 19:04:13.497 | DEBUG    | __main__:<module>:20 - Iteration 1137: Points 1107 (cluster 3133) and 1159 (cluster 1159) connect at weight=272.0
2025-04-09 19:04:13.497 | DEBUG    | __main__:<module>:20 - Iteration 1138: Points 1077 (cluster 3134) and 1142 (cluster 3135) connect at weight=272.0
2025-04-09 19:04:13.497 | DEBUG    | __main__:<module>:20 - Iteration 1139: Points 1058 (cluster 3138) and 1149 (cluster 1149) connect at weight=272.0
2025-04-09 19:04:13.498 | DEBUG    | __main__:<module>:20 - Iteration 1140: Points 1048 (cluster 3139) and 1132 (cluster 1132) connect at weight=272.0
2025-04-09 19:04:13.498 | DEBUG    | __main__:<module>:20 - Iteration 1141: Points 1001 (cluster 3137) and 1157 (cluster 1157) connect at weight=272.0
2025-04-09 19:04:13.498 | DEBUG    | __main__:<module>:20 - Iteration 1142: Points 1149 (cluster 3140) and 1158 (cluster 1158) connect at weight=271.0
2025-04-09 19:04:13.498 | DEBUG    | __main__:<module>:20 - Iteration 1143: Points 1139 (cluster 1139) and 1156 (cluster 1156) connect at weight=271.0
2025-04-09 19:04:13.498 | DEBUG    | __main__:<module>:20 - Iteration 1144: Points 1131 (cluster 3142) and 1152 (cluster 1152) connect at weight=271.0
2025-04-09 19:04:13.498 | DEBUG    | __main__:<module>:20 - Iteration 1145: Points 1093 (cluster 3136) and 1139 (cluster 3143) connect at weight=271.0
2025-04-09 19:04:13.499 | DEBUG    | __main__:<module>:20 - Iteration 1146: Points 1089 (cluster 3141) and 1165 (cluster 1165) connect at weight=271.0
2025-04-09 19:04:13.499 | DEBUG    | __main__:<module>:20 - Iteration 1147: Points 1172 (cluster 1172) and 1168 (cluster 1168) connect at weight=270.0
2025-04-09 19:04:13.499 | DEBUG    | __main__:<module>:20 - Iteration 1148: Points 1132 (cluster 3144) and 1163 (cluster 1163) connect at weight=270.0
2025-04-09 19:04:13.500 | DEBUG    | __main__:<module>:20 - Iteration 1149: Points 1106 (cluster 3146) and 1171 (cluster 1171) connect at weight=270.0
2025-04-09 19:04:13.500 | DEBUG    | __main__:<module>:20 - Iteration 1150: Points 1172 (cluster 3147) and 1166 (cluster 1166) connect at weight=269.0
2025-04-09 19:04:13.500 | DEBUG    | __main__:<module>:20 - Iteration 1151: Points 1170 (cluster 1170) and 1172 (cluster 3150) connect at weight=269.0
2025-04-09 19:04:13.501 | DEBUG    | __main__:<module>:20 - Iteration 1152: Points 1167 (cluster 1167) and 1178 (cluster 1178) connect at weight=269.0
2025-04-09 19:04:13.501 | DEBUG    | __main__:<module>:20 - Iteration 1153: Points 1153 (cluster 1153) and 1164 (cluster 1164) connect at weight=269.0
2025-04-09 19:04:13.501 | DEBUG    | __main__:<module>:20 - Iteration 1154: Points 1150 (cluster 3145) and 1167 (cluster 3152) connect at weight=269.0
2025-04-09 19:04:13.501 | DEBUG    | __main__:<module>:20 - Iteration 1155: Points 1117 (cluster 3154) and 1154 (cluster 1154) connect at weight=269.0
2025-04-09 19:04:13.501 | DEBUG    | __main__:<module>:20 - Iteration 1156: Points 1093 (cluster 3155) and 1153 (cluster 3153) connect at weight=269.0
2025-04-09 19:04:13.502 | DEBUG    | __main__:<module>:20 - Iteration 1157: Points 912 (cluster 3149) and 1179 (cluster 1179) connect at weight=269.0
2025-04-09 19:04:13.502 | DEBUG    | __main__:<module>:20 - Iteration 1158: Points 1165 (cluster 3157) and 1185 (cluster 1185) connect at weight=268.0
2025-04-09 19:04:13.502 | DEBUG    | __main__:<module>:20 - Iteration 1159: Points 1165 (cluster 3158) and 1176 (cluster 1176) connect at weight=268.0
2025-04-09 19:04:13.502 | DEBUG    | __main__:<module>:20 - Iteration 1160: Points 1156 (cluster 3156) and 1161 (cluster 1161) connect at weight=268.0
2025-04-09 19:04:13.502 | DEBUG    | __main__:<module>:20 - Iteration 1161: Points 1150 (cluster 3160) and 1177 (cluster 1177) connect at weight=268.0
2025-04-09 19:04:13.502 | DEBUG    | __main__:<module>:20 - Iteration 1162: Points 1148 (cluster 1148) and 1170 (cluster 3151) connect at weight=268.0
2025-04-09 19:04:13.503 | DEBUG    | __main__:<module>:20 - Iteration 1163: Points 1126 (cluster 3161) and 1151 (cluster 1151) connect at weight=268.0
2025-04-09 19:04:13.503 | DEBUG    | __main__:<module>:20 - Iteration 1164: Points 1101 (cluster 3159) and 1180 (cluster 1180) connect at weight=268.0
2025-04-09 19:04:13.503 | DEBUG    | __main__:<module>:20 - Iteration 1165: Points 1084 (cluster 3164) and 1173 (cluster 1173) connect at weight=268.0
2025-04-09 19:04:13.503 | DEBUG    | __main__:<module>:20 - Iteration 1166: Points 1077 (cluster 3148) and 1160 (cluster 1160) connect at weight=268.0
2025-04-09 19:04:13.503 | DEBUG    | __main__:<module>:20 - Iteration 1167: Points 3 (cluster 3163) and 569 (cluster 569) connect at weight=268.0
2025-04-09 19:04:13.504 | DEBUG    | __main__:<module>:20 - Iteration 1168: Points 1197 (cluster 1197) and 1182 (cluster 1182) connect at weight=267.0
2025-04-09 19:04:13.504 | DEBUG    | __main__:<module>:20 - Iteration 1169: Points 1177 (cluster 3167) and 1175 (cluster 1175) connect at weight=267.0
2025-04-09 19:04:13.504 | DEBUG    | __main__:<module>:20 - Iteration 1170: Points 1166 (cluster 3162) and 1181 (cluster 1181) connect at weight=267.0
2025-04-09 19:04:13.504 | DEBUG    | __main__:<module>:20 - Iteration 1171: Points 1163 (cluster 3166) and 1188 (cluster 1188) connect at weight=267.0
2025-04-09 19:04:13.504 | DEBUG    | __main__:<module>:20 - Iteration 1172: Points 1163 (cluster 3171) and 1187 (cluster 1187) connect at weight=267.0
2025-04-09 19:04:13.504 | DEBUG    | __main__:<module>:20 - Iteration 1173: Points 960 (cluster 960) and 1162 (cluster 1162) connect at weight=267.0
2025-04-09 19:04:13.505 | DEBUG    | __main__:<module>:20 - Iteration 1174: Points 1195 (cluster 1195) and 1191 (cluster 1191) connect at weight=266.0
2025-04-09 19:04:13.505 | DEBUG    | __main__:<module>:20 - Iteration 1175: Points 1194 (cluster 1194) and 1193 (cluster 1193) connect at weight=266.0
2025-04-09 19:04:13.505 | DEBUG    | __main__:<module>:20 - Iteration 1176: Points 1181 (cluster 3170) and 1108 (cluster 3165) connect at weight=266.0
2025-04-09 19:04:13.505 | DEBUG    | __main__:<module>:20 - Iteration 1177: Points 1178 (cluster 3169) and 1198 (cluster 1198) connect at weight=266.0
2025-04-09 19:04:13.505 | DEBUG    | __main__:<module>:20 - Iteration 1178: Points 1175 (cluster 3177) and 1189 (cluster 1189) connect at weight=266.0
2025-04-09 19:04:13.505 | DEBUG    | __main__:<module>:20 - Iteration 1179: Points 1148 (cluster 3176) and 1194 (cluster 3175) connect at weight=266.0
2025-04-09 19:04:13.506 | DEBUG    | __main__:<module>:20 - Iteration 1180: Points 1148 (cluster 3179) and 1192 (cluster 1192) connect at weight=266.0
2025-04-09 19:04:13.506 | DEBUG    | __main__:<module>:20 - Iteration 1181: Points 1146 (cluster 1146) and 1174 (cluster 1174) connect at weight=266.0
2025-04-09 19:04:13.506 | DEBUG    | __main__:<module>:20 - Iteration 1182: Points 1104 (cluster 3178) and 1199 (cluster 1199) connect at weight=266.0
2025-04-09 19:04:13.506 | DEBUG    | __main__:<module>:20 - Iteration 1183: Points 1038 (cluster 3172) and 960 (cluster 3173) connect at weight=266.0
2025-04-09 19:04:13.506 | DEBUG    | __main__:<module>:20 - Iteration 1184: Points 1008 (cluster 3183) and 1201 (cluster 1201) connect at weight=266.0
2025-04-09 19:04:13.507 | DEBUG    | __main__:<module>:20 - Iteration 1185: Points 1196 (cluster 1196) and 1195 (cluster 3174) connect at weight=265.0
2025-04-09 19:04:13.507 | DEBUG    | __main__:<module>:20 - Iteration 1186: Points 1190 (cluster 1190) and 1186 (cluster 1186) connect at weight=265.0
2025-04-09 19:04:13.507 | DEBUG    | __main__:<module>:20 - Iteration 1187: Points 1183 (cluster 1183) and 1197 (cluster 3168) connect at weight=265.0
2025-04-09 19:04:13.507 | DEBUG    | __main__:<module>:20 - Iteration 1188: Points 1152 (cluster 3184) and 1202 (cluster 1202) connect at weight=265.0
2025-04-09 19:04:13.507 | DEBUG    | __main__:<module>:20 - Iteration 1189: Points 1138 (cluster 3180) and 1190 (cluster 3186) connect at weight=265.0
2025-04-09 19:04:13.508 | DEBUG    | __main__:<module>:20 - Iteration 1190: Points 1207 (cluster 1207) and 1208 (cluster 1208) connect at weight=264.0
2025-04-09 19:04:13.508 | DEBUG    | __main__:<module>:20 - Iteration 1191: Points 1205 (cluster 1205) and 1211 (cluster 1211) connect at weight=264.0
2025-04-09 19:04:13.510 | DEBUG    | __main__:<module>:20 - Iteration 1192: Points 1204 (cluster 1204) and 1203 (cluster 1203) connect at weight=264.0
2025-04-09 19:04:13.511 | DEBUG    | __main__:<module>:20 - Iteration 1193: Points 1197 (cluster 3187) and 1196 (cluster 3185) connect at weight=264.0
2025-04-09 19:04:13.511 | DEBUG    | __main__:<module>:20 - Iteration 1194: Points 1189 (cluster 3182) and 1183 (cluster 3193) connect at weight=264.0
2025-04-09 19:04:13.511 | DEBUG    | __main__:<module>:20 - Iteration 1195: Points 1161 (cluster 3194) and 1207 (cluster 3190) connect at weight=264.0
2025-04-09 19:04:13.511 | DEBUG    | __main__:<module>:20 - Iteration 1196: Points 1161 (cluster 3195) and 1204 (cluster 3192) connect at weight=264.0
2025-04-09 19:04:13.512 | DEBUG    | __main__:<module>:20 - Iteration 1197: Points 1040 (cluster 3188) and 1145 (cluster 1145) connect at weight=264.0
2025-04-09 19:04:13.512 | DEBUG    | __main__:<module>:20 - Iteration 1198: Points 1218 (cluster 1218) and 1213 (cluster 1213) connect at weight=263.0
2025-04-09 19:04:13.512 | DEBUG    | __main__:<module>:20 - Iteration 1199: Points 1209 (cluster 1209) and 1200 (cluster 1200) connect at weight=263.0
2025-04-09 19:04:13.512 | DEBUG    | __main__:<module>:20 - Iteration 1200: Points 1154 (cluster 3196) and 1205 (cluster 3191) connect at weight=263.0
2025-04-09 19:04:13.512 | DEBUG    | __main__:<module>:20 - Iteration 1201: Points 1144 (cluster 3189) and 1220 (cluster 1220) connect at weight=263.0
2025-04-09 19:04:13.512 | DEBUG    | __main__:<module>:20 - Iteration 1202: Points 1132 (cluster 3197) and 1216 (cluster 1216) connect at weight=263.0
2025-04-09 19:04:13.513 | DEBUG    | __main__:<module>:20 - Iteration 1203: Points 1045 (cluster 3202) and 1219 (cluster 1219) connect at weight=263.0
2025-04-09 19:04:13.513 | DEBUG    | __main__:<module>:20 - Iteration 1204: Points 1210 (cluster 1210) and 1222 (cluster 1222) connect at weight=262.0
2025-04-09 19:04:13.513 | DEBUG    | __main__:<module>:20 - Iteration 1205: Points 1191 (cluster 3200) and 1210 (cluster 3204) connect at weight=262.0
2025-04-09 19:04:13.513 | DEBUG    | __main__:<module>:20 - Iteration 1206: Points 1181 (cluster 3201) and 1214 (cluster 1214) connect at weight=262.0
2025-04-09 19:04:13.513 | DEBUG    | __main__:<module>:20 - Iteration 1207: Points 1116 (cluster 3203) and 1206 (cluster 1206) connect at weight=262.0
2025-04-09 19:04:13.514 | DEBUG    | __main__:<module>:20 - Iteration 1208: Points 1230 (cluster 1230) and 1224 (cluster 1224) connect at weight=261.0
2025-04-09 19:04:13.514 | DEBUG    | __main__:<module>:20 - Iteration 1209: Points 1210 (cluster 3205) and 1226 (cluster 1226) connect at weight=261.0
2025-04-09 19:04:13.514 | DEBUG    | __main__:<module>:20 - Iteration 1210: Points 1208 (cluster 3209) and 1234 (cluster 1234) connect at weight=261.0
2025-04-09 19:04:13.514 | DEBUG    | __main__:<module>:20 - Iteration 1211: Points 1202 (cluster 3207) and 1217 (cluster 1217) connect at weight=261.0
2025-04-09 19:04:13.514 | DEBUG    | __main__:<module>:20 - Iteration 1212: Points 1194 (cluster 3206) and 1233 (cluster 1233) connect at weight=261.0
2025-04-09 19:04:13.515 | DEBUG    | __main__:<module>:20 - Iteration 1213: Points 1137 (cluster 3212) and 1227 (cluster 1227) connect at weight=261.0
2025-04-09 19:04:13.515 | DEBUG    | __main__:<module>:20 - Iteration 1214: Points 1125 (cluster 3210) and 1146 (cluster 3181) connect at weight=261.0
2025-04-09 19:04:13.515 | DEBUG    | __main__:<module>:20 - Iteration 1215: Points 1224 (cluster 3208) and 1148 (cluster 3213) connect at weight=260.0
2025-04-09 19:04:13.515 | DEBUG    | __main__:<module>:20 - Iteration 1216: Points 1223 (cluster 1223) and 1228 (cluster 1228) connect at weight=260.0
2025-04-09 19:04:13.515 | DEBUG    | __main__:<module>:20 - Iteration 1217: Points 1214 (cluster 3215) and 1218 (cluster 3198) connect at weight=260.0
2025-04-09 19:04:13.515 | DEBUG    | __main__:<module>:20 - Iteration 1218: Points 1071 (cluster 3214) and 1237 (cluster 1237) connect at weight=260.0
2025-04-09 19:04:13.516 | DEBUG    | __main__:<module>:20 - Iteration 1219: Points 1243 (cluster 1243) and 1239 (cluster 1239) connect at weight=259.0
2025-04-09 19:04:13.516 | DEBUG    | __main__:<module>:20 - Iteration 1220: Points 1209 (cluster 3199) and 1155 (cluster 1155) connect at weight=259.0
2025-04-09 19:04:13.516 | DEBUG    | __main__:<module>:20 - Iteration 1221: Points 1202 (cluster 3211) and 1223 (cluster 3216) connect at weight=259.0
2025-04-09 19:04:13.516 | DEBUG    | __main__:<module>:20 - Iteration 1222: Points 1192 (cluster 3217) and 1231 (cluster 1231) connect at weight=259.0
2025-04-09 19:04:13.516 | DEBUG    | __main__:<module>:20 - Iteration 1223: Points 1174 (cluster 3218) and 1209 (cluster 3220) connect at weight=259.0
2025-04-09 19:04:13.517 | DEBUG    | __main__:<module>:20 - Iteration 1224: Points 1151 (cluster 3223) and 1215 (cluster 1215) connect at weight=259.0
2025-04-09 19:04:13.517 | DEBUG    | __main__:<module>:20 - Iteration 1225: Points 1130 (cluster 3222) and 1221 (cluster 1221) connect at weight=259.0
2025-04-09 19:04:13.517 | DEBUG    | __main__:<module>:20 - Iteration 1226: Points 1244 (cluster 1244) and 1251 (cluster 1251) connect at weight=258.0
2025-04-09 19:04:13.517 | DEBUG    | __main__:<module>:20 - Iteration 1227: Points 1243 (cluster 3219) and 1242 (cluster 1242) connect at weight=258.0
2025-04-09 19:04:13.517 | DEBUG    | __main__:<module>:20 - Iteration 1228: Points 1243 (cluster 3227) and 1230 (cluster 3225) connect at weight=258.0
2025-04-09 19:04:13.518 | DEBUG    | __main__:<module>:20 - Iteration 1229: Points 1242 (cluster 3228) and 1232 (cluster 1232) connect at weight=258.0
2025-04-09 19:04:13.518 | DEBUG    | __main__:<module>:20 - Iteration 1230: Points 1235 (cluster 1235) and 1241 (cluster 1241) connect at weight=258.0
2025-04-09 19:04:13.518 | DEBUG    | __main__:<module>:20 - Iteration 1231: Points 1230 (cluster 3229) and 1229 (cluster 1229) connect at weight=258.0
2025-04-09 19:04:13.518 | DEBUG    | __main__:<module>:20 - Iteration 1232: Points 1222 (cluster 3224) and 1236 (cluster 1236) connect at weight=258.0
2025-04-09 19:04:13.518 | DEBUG    | __main__:<module>:20 - Iteration 1233: Points 1221 (cluster 3231) and 1244 (cluster 3226) connect at weight=258.0
2025-04-09 19:04:13.518 | DEBUG    | __main__:<module>:20 - Iteration 1234: Points 1203 (cluster 3232) and 1247 (cluster 1247) connect at weight=258.0
2025-04-09 19:04:13.519 | DEBUG    | __main__:<module>:20 - Iteration 1235: Points 1057 (cluster 3233) and 1253 (cluster 1253) connect at weight=258.0
2025-04-09 19:04:13.519 | DEBUG    | __main__:<module>:20 - Iteration 1236: Points 1019 (cluster 3234) and 1169 (cluster 1169) connect at weight=258.0
2025-04-09 19:04:13.519 | DEBUG    | __main__:<module>:20 - Iteration 1237: Points 1255 (cluster 1255) and 1249 (cluster 1249) connect at weight=257.0
2025-04-09 19:04:13.519 | DEBUG    | __main__:<module>:20 - Iteration 1238: Points 1242 (cluster 3235) and 1260 (cluster 1260) connect at weight=257.0
2025-04-09 19:04:13.519 | DEBUG    | __main__:<module>:20 - Iteration 1239: Points 1240 (cluster 1240) and 1248 (cluster 1248) connect at weight=257.0
2025-04-09 19:04:13.520 | DEBUG    | __main__:<module>:20 - Iteration 1240: Points 1238 (cluster 1238) and 1240 (cluster 3239) connect at weight=257.0
2025-04-09 19:04:13.520 | DEBUG    | __main__:<module>:20 - Iteration 1241: Points 1222 (cluster 3236) and 1246 (cluster 1246) connect at weight=257.0
2025-04-09 19:04:13.520 | DEBUG    | __main__:<module>:20 - Iteration 1242: Points 1221 (cluster 3238) and 1262 (cluster 1262) connect at weight=257.0
2025-04-09 19:04:13.520 | DEBUG    | __main__:<module>:20 - Iteration 1243: Points 1220 (cluster 3242) and 1258 (cluster 1258) connect at weight=257.0
2025-04-09 19:04:13.520 | DEBUG    | __main__:<module>:20 - Iteration 1244: Points 1195 (cluster 3241) and 1245 (cluster 1245) connect at weight=257.0
2025-04-09 19:04:13.523 | DEBUG    | __main__:<module>:20 - Iteration 1245: Points 1144 (cluster 3243) and 1261 (cluster 1261) connect at weight=257.0
2025-04-09 19:04:13.523 | DEBUG    | __main__:<module>:20 - Iteration 1246: Points 1272 (cluster 1272) and 1269 (cluster 1269) connect at weight=256.0
2025-04-09 19:04:13.523 | DEBUG    | __main__:<module>:20 - Iteration 1247: Points 1271 (cluster 1271) and 1255 (cluster 3237) connect at weight=256.0
2025-04-09 19:04:13.523 | DEBUG    | __main__:<module>:20 - Iteration 1248: Points 1260 (cluster 3245) and 1266 (cluster 1266) connect at weight=256.0
2025-04-09 19:04:13.523 | DEBUG    | __main__:<module>:20 - Iteration 1249: Points 1257 (cluster 1257) and 1238 (cluster 3240) connect at weight=256.0
2025-04-09 19:04:13.524 | DEBUG    | __main__:<module>:20 - Iteration 1250: Points 1251 (cluster 3248) and 1271 (cluster 3247) connect at weight=256.0
2025-04-09 19:04:13.524 | DEBUG    | __main__:<module>:20 - Iteration 1251: Points 1250 (cluster 1250) and 1272 (cluster 3246) connect at weight=256.0
2025-04-09 19:04:13.524 | DEBUG    | __main__:<module>:20 - Iteration 1252: Points 1250 (cluster 3251) and 1257 (cluster 3249) connect at weight=256.0
2025-04-09 19:04:13.524 | DEBUG    | __main__:<module>:20 - Iteration 1253: Points 1249 (cluster 3250) and 1267 (cluster 1267) connect at weight=256.0
2025-04-09 19:04:13.524 | DEBUG    | __main__:<module>:20 - Iteration 1254: Points 1230 (cluster 3253) and 1252 (cluster 1252) connect at weight=256.0
2025-04-09 19:04:13.524 | DEBUG    | __main__:<module>:20 - Iteration 1255: Points 1223 (cluster 3221) and 1250 (cluster 3252) connect at weight=256.0
2025-04-09 19:04:13.525 | DEBUG    | __main__:<module>:20 - Iteration 1256: Points 1206 (cluster 3255) and 1264 (cluster 1264) connect at weight=256.0
2025-04-09 19:04:13.525 | DEBUG    | __main__:<module>:20 - Iteration 1257: Points 1196 (cluster 3244) and 1212 (cluster 1212) connect at weight=256.0
2025-04-09 19:04:13.525 | DEBUG    | __main__:<module>:20 - Iteration 1258: Points 1130 (cluster 3254) and 1235 (cluster 3230) connect at weight=256.0
2025-04-09 19:04:13.525 | DEBUG    | __main__:<module>:20 - Iteration 1259: Points 1268 (cluster 1268) and 1256 (cluster 1256) connect at weight=255.0
2025-04-09 19:04:13.525 | DEBUG    | __main__:<module>:20 - Iteration 1260: Points 1267 (cluster 3258) and 1268 (cluster 3259) connect at weight=255.0
2025-04-09 19:04:13.526 | DEBUG    | __main__:<module>:20 - Iteration 1261: Points 1262 (cluster 3260) and 1276 (cluster 1276) connect at weight=255.0
2025-04-09 19:04:13.526 | DEBUG    | __main__:<module>:20 - Iteration 1262: Points 1245 (cluster 3257) and 1263 (cluster 1263) connect at weight=255.0
2025-04-09 19:04:13.526 | DEBUG    | __main__:<module>:20 - Iteration 1263: Points 1206 (cluster 3256) and 1270 (cluster 1270) connect at weight=255.0
2025-04-09 19:04:13.526 | DEBUG    | __main__:<module>:20 - Iteration 1264: Points 1175 (cluster 3262) and 1275 (cluster 1275) connect at weight=255.0
2025-04-09 19:04:13.526 | DEBUG    | __main__:<module>:20 - Iteration 1265: Points 1174 (cluster 3264) and 1259 (cluster 1259) connect at weight=255.0
2025-04-09 19:04:13.527 | DEBUG    | __main__:<module>:20 - Iteration 1266: Points 1155 (cluster 3265) and 1225 (cluster 1225) connect at weight=255.0
2025-04-09 19:04:13.527 | DEBUG    | __main__:<module>:20 - Iteration 1267: Points 1283 (cluster 1283) and 1282 (cluster 1282) connect at weight=254.0
2025-04-09 19:04:13.527 | DEBUG    | __main__:<module>:20 - Iteration 1268: Points 1234 (cluster 3266) and 1280 (cluster 1280) connect at weight=254.0
2025-04-09 19:04:13.527 | DEBUG    | __main__:<module>:20 - Iteration 1269: Points 1283 (cluster 3267) and 1288 (cluster 1288) connect at weight=253.0
2025-04-09 19:04:13.527 | DEBUG    | __main__:<module>:20 - Iteration 1270: Points 1273 (cluster 1273) and 1289 (cluster 1289) connect at weight=253.0
2025-04-09 19:04:13.527 | DEBUG    | __main__:<module>:20 - Iteration 1271: Points 1272 (cluster 3263) and 1278 (cluster 1278) connect at weight=253.0
2025-04-09 19:04:13.528 | DEBUG    | __main__:<module>:20 - Iteration 1272: Points 1270 (cluster 3271) and 1285 (cluster 1285) connect at weight=253.0
2025-04-09 19:04:13.528 | DEBUG    | __main__:<module>:20 - Iteration 1273: Points 1270 (cluster 3272) and 1273 (cluster 3270) connect at weight=253.0
2025-04-09 19:04:13.528 | DEBUG    | __main__:<module>:20 - Iteration 1274: Points 1267 (cluster 3261) and 1284 (cluster 1284) connect at weight=253.0
2025-04-09 19:04:13.528 | DEBUG    | __main__:<module>:20 - Iteration 1275: Points 1238 (cluster 3273) and 1277 (cluster 1277) connect at weight=253.0
2025-04-09 19:04:13.528 | DEBUG    | __main__:<module>:20 - Iteration 1276: Points 1231 (cluster 3274) and 1290 (cluster 1290) connect at weight=253.0
2025-04-09 19:04:13.528 | DEBUG    | __main__:<module>:20 - Iteration 1277: Points 1200 (cluster 3268) and 1281 (cluster 1281) connect at weight=253.0
2025-04-09 19:04:13.529 | DEBUG    | __main__:<module>:20 - Iteration 1278: Points 1278 (cluster 3275) and 1293 (cluster 1293) connect at weight=252.0
2025-04-09 19:04:13.529 | DEBUG    | __main__:<module>:20 - Iteration 1279: Points 1248 (cluster 3278) and 1295 (cluster 1295) connect at weight=252.0
2025-04-09 19:04:13.529 | DEBUG    | __main__:<module>:20 - Iteration 1280: Points 1248 (cluster 3279) and 1274 (cluster 1274) connect at weight=252.0
2025-04-09 19:04:13.529 | DEBUG    | __main__:<module>:20 - Iteration 1281: Points 1212 (cluster 3277) and 1279 (cluster 1279) connect at weight=252.0
2025-04-09 19:04:13.529 | DEBUG    | __main__:<module>:20 - Iteration 1282: Points 1188 (cluster 3280) and 1286 (cluster 1286) connect at weight=252.0
2025-04-09 19:04:13.530 | DEBUG    | __main__:<module>:20 - Iteration 1283: Points 960 (cluster 3282) and 1265 (cluster 1265) connect at weight=252.0
2025-04-09 19:04:13.530 | DEBUG    | __main__:<module>:20 - Iteration 1284: Points 1 (cluster 3283) and 239 (cluster 3281) connect at weight=252.0
2025-04-09 19:04:13.530 | DEBUG    | __main__:<module>:20 - Iteration 1285: Points 1300 (cluster 1300) and 1287 (cluster 1287) connect at weight=251.0
2025-04-09 19:04:13.530 | DEBUG    | __main__:<module>:20 - Iteration 1286: Points 1299 (cluster 1299) and 1297 (cluster 1297) connect at weight=251.0
2025-04-09 19:04:13.530 | DEBUG    | __main__:<module>:20 - Iteration 1287: Points 1298 (cluster 1298) and 1243 (cluster 3276) connect at weight=251.0
2025-04-09 19:04:13.530 | DEBUG    | __main__:<module>:20 - Iteration 1288: Points 1284 (cluster 3287) and 1303 (cluster 1303) connect at weight=251.0
2025-04-09 19:04:13.531 | DEBUG    | __main__:<module>:20 - Iteration 1289: Points 1280 (cluster 3284) and 1292 (cluster 1292) connect at weight=251.0
2025-04-09 19:04:13.531 | DEBUG    | __main__:<module>:20 - Iteration 1290: Points 1274 (cluster 3289) and 1283 (cluster 3269) connect at weight=251.0
2025-04-09 19:04:13.531 | DEBUG    | __main__:<module>:20 - Iteration 1291: Points 1266 (cluster 3288) and 1301 (cluster 1301) connect at weight=251.0
2025-04-09 19:04:13.531 | DEBUG    | __main__:<module>:20 - Iteration 1292: Points 1255 (cluster 3291) and 1302 (cluster 1302) connect at weight=251.0
2025-04-09 19:04:13.531 | DEBUG    | __main__:<module>:20 - Iteration 1293: Points 1247 (cluster 3290) and 1300 (cluster 3285) connect at weight=251.0
2025-04-09 19:04:13.532 | DEBUG    | __main__:<module>:20 - Iteration 1294: Points 1225 (cluster 3293) and 1254 (cluster 1254) connect at weight=251.0
2025-04-09 19:04:13.532 | DEBUG    | __main__:<module>:20 - Iteration 1295: Points 1174 (cluster 3294) and 1291 (cluster 1291) connect at weight=251.0
2025-04-09 19:04:13.532 | DEBUG    | __main__:<module>:20 - Iteration 1296: Points 1304 (cluster 1304) and 1305 (cluster 1305) connect at weight=250.0
2025-04-09 19:04:13.532 | DEBUG    | __main__:<module>:20 - Iteration 1297: Points 1300 (cluster 3295) and 1308 (cluster 1308) connect at weight=250.0
2025-04-09 19:04:13.532 | DEBUG    | __main__:<module>:20 - Iteration 1298: Points 1294 (cluster 1294) and 1307 (cluster 1307) connect at weight=250.0
2025-04-09 19:04:13.532 | DEBUG    | __main__:<module>:20 - Iteration 1299: Points 1289 (cluster 3297) and 1304 (cluster 3296) connect at weight=250.0
2025-04-09 19:04:13.533 | DEBUG    | __main__:<module>:20 - Iteration 1300: Points 1289 (cluster 3299) and 1294 (cluster 3298) connect at weight=250.0
2025-04-09 19:04:13.533 | DEBUG    | __main__:<module>:20 - Iteration 1301: Points 1283 (cluster 3300) and 1299 (cluster 3286) connect at weight=250.0
2025-04-09 19:04:13.533 | DEBUG    | __main__:<module>:20 - Iteration 1302: Points 1255 (cluster 3292) and 1310 (cluster 1310) connect at weight=250.0
2025-04-09 19:04:13.533 | DEBUG    | __main__:<module>:20 - Iteration 1303: Points 1228 (cluster 3301) and 1296 (cluster 1296) connect at weight=250.0
2025-04-09 19:04:13.533 | DEBUG    | __main__:<module>:20 - Iteration 1304: Points 1317 (cluster 1317) and 1309 (cluster 1309) connect at weight=249.0
2025-04-09 19:04:13.534 | DEBUG    | __main__:<module>:20 - Iteration 1305: Points 1313 (cluster 1313) and 1298 (cluster 3302) connect at weight=249.0
2025-04-09 19:04:13.534 | DEBUG    | __main__:<module>:20 - Iteration 1306: Points 1301 (cluster 3305) and 1312 (cluster 1312) connect at weight=249.0
2025-04-09 19:04:13.534 | DEBUG    | __main__:<module>:20 - Iteration 1307: Points 1285 (cluster 3303) and 1311 (cluster 1311) connect at weight=249.0
2025-04-09 19:04:13.534 | DEBUG    | __main__:<module>:20 - Iteration 1308: Points 1317 (cluster 3304) and 1314 (cluster 1314) connect at weight=248.0
2025-04-09 19:04:13.534 | DEBUG    | __main__:<module>:20 - Iteration 1309: Points 1306 (cluster 1306) and 1316 (cluster 1316) connect at weight=248.0
2025-04-09 19:04:13.534 | DEBUG    | __main__:<module>:20 - Iteration 1310: Points 1288 (cluster 3307) and 1317 (cluster 3308) connect at weight=248.0
2025-04-09 19:04:13.535 | DEBUG    | __main__:<module>:20 - Iteration 1311: Points 1285 (cluster 3310) and 1319 (cluster 1319) connect at weight=248.0
2025-04-09 19:04:13.535 | DEBUG    | __main__:<module>:20 - Iteration 1312: Points 1284 (cluster 3306) and 1315 (cluster 1315) connect at weight=248.0
2025-04-09 19:04:13.535 | DEBUG    | __main__:<module>:20 - Iteration 1313: Points 1322 (cluster 1322) and 1328 (cluster 1328) connect at weight=247.0
2025-04-09 19:04:13.535 | DEBUG    | __main__:<module>:20 - Iteration 1314: Points 1305 (cluster 3311) and 1330 (cluster 1330) connect at weight=247.0
2025-04-09 19:04:13.535 | DEBUG    | __main__:<module>:20 - Iteration 1315: Points 1292 (cluster 3314) and 1324 (cluster 1324) connect at weight=247.0
2025-04-09 19:04:13.536 | DEBUG    | __main__:<module>:20 - Iteration 1316: Points 1281 (cluster 3315) and 1321 (cluster 1321) connect at weight=247.0
2025-04-09 19:04:13.536 | DEBUG    | __main__:<module>:20 - Iteration 1317: Points 1236 (cluster 3316) and 1306 (cluster 3309) connect at weight=247.0
2025-04-09 19:04:13.536 | DEBUG    | __main__:<module>:20 - Iteration 1318: Points 1323 (cluster 1323) and 1322 (cluster 3313) connect at weight=246.0
2025-04-09 19:04:13.536 | DEBUG    | __main__:<module>:20 - Iteration 1319: Points 1319 (cluster 3317) and 1333 (cluster 1333) connect at weight=246.0
2025-04-09 19:04:13.536 | DEBUG    | __main__:<module>:20 - Iteration 1320: Points 1316 (cluster 3319) and 1327 (cluster 1327) connect at weight=246.0
2025-04-09 19:04:13.536 | DEBUG    | __main__:<module>:20 - Iteration 1321: Points 1313 (cluster 3312) and 1332 (cluster 1332) connect at weight=246.0
2025-04-09 19:04:13.537 | DEBUG    | __main__:<module>:20 - Iteration 1322: Points 1342 (cluster 1342) and 1318 (cluster 1318) connect at weight=245.0
2025-04-09 19:04:13.537 | DEBUG    | __main__:<module>:20 - Iteration 1323: Points 1335 (cluster 1335) and 1337 (cluster 1337) connect at weight=245.0
2025-04-09 19:04:13.537 | DEBUG    | __main__:<module>:20 - Iteration 1324: Points 1334 (cluster 1334) and 1343 (cluster 1343) connect at weight=245.0
2025-04-09 19:04:13.537 | DEBUG    | __main__:<module>:20 - Iteration 1325: Points 1333 (cluster 3320) and 1334 (cluster 3324) connect at weight=245.0
2025-04-09 19:04:13.537 | DEBUG    | __main__:<module>:20 - Iteration 1326: Points 1331 (cluster 1331) and 1344 (cluster 1344) connect at weight=245.0
2025-04-09 19:04:13.537 | DEBUG    | __main__:<module>:20 - Iteration 1327: Points 1330 (cluster 3325) and 1340 (cluster 1340) connect at weight=245.0
2025-04-09 19:04:13.538 | DEBUG    | __main__:<module>:20 - Iteration 1328: Points 1318 (cluster 3322) and 1331 (cluster 3326) connect at weight=245.0
2025-04-09 19:04:13.538 | DEBUG    | __main__:<module>:20 - Iteration 1329: Points 1316 (cluster 3327) and 1323 (cluster 3318) connect at weight=245.0
2025-04-09 19:04:13.538 | DEBUG    | __main__:<module>:20 - Iteration 1330: Points 1315 (cluster 3321) and 1335 (cluster 3323) connect at weight=245.0
2025-04-09 19:04:13.538 | DEBUG    | __main__:<module>:20 - Iteration 1331: Points 1241 (cluster 3330) and 1341 (cluster 1341) connect at weight=245.0
2025-04-09 19:04:13.538 | DEBUG    | __main__:<module>:20 - Iteration 1332: Points 1206 (cluster 3329) and 1320 (cluster 1320) connect at weight=245.0
2025-04-09 19:04:13.539 | DEBUG    | __main__:<module>:20 - Iteration 1333: Points 1130 (cluster 3331) and 1336 (cluster 1336) connect at weight=245.0
2025-04-09 19:04:13.539 | DEBUG    | __main__:<module>:20 - Iteration 1334: Points 1328 (cluster 3332) and 1347 (cluster 1347) connect at weight=244.0
2025-04-09 19:04:13.539 | DEBUG    | __main__:<module>:20 - Iteration 1335: Points 1327 (cluster 3334) and 1339 (cluster 1339) connect at weight=244.0
2025-04-09 19:04:13.539 | DEBUG    | __main__:<module>:20 - Iteration 1336: Points 1325 (cluster 1325) and 1313 (cluster 3333) connect at weight=244.0
2025-04-09 19:04:13.539 | DEBUG    | __main__:<module>:20 - Iteration 1337: Points 1314 (cluster 3335) and 1345 (cluster 1345) connect at weight=244.0
2025-04-09 19:04:13.539 | DEBUG    | __main__:<module>:20 - Iteration 1338: Points 1308 (cluster 3337) and 1338 (cluster 1338) connect at weight=244.0
2025-04-09 19:04:13.540 | DEBUG    | __main__:<module>:20 - Iteration 1339: Points 1296 (cluster 3338) and 1326 (cluster 1326) connect at weight=244.0
2025-04-09 19:04:13.540 | DEBUG    | __main__:<module>:20 - Iteration 1340: Points 1280 (cluster 3339) and 1346 (cluster 1346) connect at weight=244.0
2025-04-09 19:04:13.540 | DEBUG    | __main__:<module>:20 - Iteration 1341: Points 1241 (cluster 3336) and 1348 (cluster 1348) connect at weight=244.0
2025-04-09 19:04:13.540 | DEBUG    | __main__:<module>:20 - Iteration 1342: Points 1344 (cluster 3328) and 1325 (cluster 3341) connect at weight=243.0
2025-04-09 19:04:13.540 | DEBUG    | __main__:<module>:20 - Iteration 1343: Points 1327 (cluster 3340) and 1351 (cluster 1351) connect at weight=243.0
2025-04-09 19:04:13.541 | DEBUG    | __main__:<module>:20 - Iteration 1344: Points 1326 (cluster 3343) and 1353 (cluster 1353) connect at weight=243.0
2025-04-09 19:04:13.541 | DEBUG    | __main__:<module>:20 - Iteration 1345: Points 1315 (cluster 3342) and 1354 (cluster 1354) connect at weight=243.0
2025-04-09 19:04:13.541 | DEBUG    | __main__:<module>:20 - Iteration 1346: Points 1310 (cluster 3345) and 1349 (cluster 1349) connect at weight=243.0
2025-04-09 19:04:13.541 | DEBUG    | __main__:<module>:20 - Iteration 1347: Points 1286 (cluster 3344) and 1350 (cluster 1350) connect at weight=243.0
2025-04-09 19:04:13.541 | DEBUG    | __main__:<module>:20 - Iteration 1348: Points 1351 (cluster 3347) and 1356 (cluster 1356) connect at weight=242.0
2025-04-09 19:04:13.541 | DEBUG    | __main__:<module>:20 - Iteration 1349: Points 1344 (cluster 3346) and 1358 (cluster 1358) connect at weight=242.0
2025-04-09 19:04:13.542 | DEBUG    | __main__:<module>:20 - Iteration 1350: Points 1328 (cluster 3348) and 1352 (cluster 1352) connect at weight=242.0
2025-04-09 19:04:13.542 | DEBUG    | __main__:<module>:20 - Iteration 1351: Points 1184 (cluster 1184) and 1329 (cluster 1329) connect at weight=242.0
2025-04-09 19:04:13.542 | DEBUG    | __main__:<module>:20 - Iteration 1352: Points 960 (cluster 3350) and 1184 (cluster 3351) connect at weight=242.0
2025-04-09 19:04:13.542 | DEBUG    | __main__:<module>:20 - Iteration 1353: Points 1357 (cluster 1357) and 1362 (cluster 1362) connect at weight=241.0
2025-04-09 19:04:13.542 | DEBUG    | __main__:<module>:20 - Iteration 1354: Points 1354 (cluster 3349) and 1357 (cluster 3353) connect at weight=241.0
2025-04-09 19:04:13.543 | DEBUG    | __main__:<module>:20 - Iteration 1355: Points 1353 (cluster 3352) and 1359 (cluster 1359) connect at weight=241.0
2025-04-09 19:04:13.543 | DEBUG    | __main__:<module>:20 - Iteration 1356: Points 1325 (cluster 3354) and 1369 (cluster 1369) connect at weight=241.0
2025-04-09 19:04:13.543 | DEBUG    | __main__:<module>:20 - Iteration 1357: Points 1291 (cluster 3355) and 1355 (cluster 1355) connect at weight=241.0
2025-04-09 19:04:13.543 | DEBUG    | __main__:<module>:20 - Iteration 1358: Points 670 (cluster 3356) and 1361 (cluster 1361) connect at weight=241.0
2025-04-09 19:04:13.543 | DEBUG    | __main__:<module>:20 - Iteration 1359: Points 1368 (cluster 1368) and 1360 (cluster 1360) connect at weight=240.0
2025-04-09 19:04:13.543 | DEBUG    | __main__:<module>:20 - Iteration 1360: Points 1358 (cluster 3358) and 1366 (cluster 1366) connect at weight=240.0
2025-04-09 19:04:13.544 | DEBUG    | __main__:<module>:20 - Iteration 1361: Points 1354 (cluster 3360) and 1371 (cluster 1371) connect at weight=240.0
2025-04-09 19:04:13.544 | DEBUG    | __main__:<module>:20 - Iteration 1362: Points 1347 (cluster 3357) and 1367 (cluster 1367) connect at weight=240.0
2025-04-09 19:04:13.544 | DEBUG    | __main__:<module>:20 - Iteration 1363: Points 1325 (cluster 3361) and 1372 (cluster 1372) connect at weight=240.0
2025-04-09 19:04:13.544 | DEBUG    | __main__:<module>:20 - Iteration 1364: Points 1314 (cluster 3362) and 1370 (cluster 1370) connect at weight=240.0
2025-04-09 19:04:13.544 | DEBUG    | __main__:<module>:20 - Iteration 1365: Points 1246 (cluster 3364) and 1363 (cluster 1363) connect at weight=240.0
2025-04-09 19:04:13.544 | DEBUG    | __main__:<module>:20 - Iteration 1366: Points 1372 (cluster 3363) and 1374 (cluster 1374) connect at weight=239.0
2025-04-09 19:04:13.545 | DEBUG    | __main__:<module>:20 - Iteration 1367: Points 1356 (cluster 3365) and 1373 (cluster 1373) connect at weight=239.0
2025-04-09 19:04:13.545 | DEBUG    | __main__:<module>:20 - Iteration 1368: Points 1383 (cluster 1383) and 1380 (cluster 1380) connect at weight=238.0
2025-04-09 19:04:13.545 | DEBUG    | __main__:<module>:20 - Iteration 1369: Points 1374 (cluster 3366) and 1386 (cluster 1386) connect at weight=238.0
2025-04-09 19:04:13.545 | DEBUG    | __main__:<module>:20 - Iteration 1370: Points 1362 (cluster 3369) and 1383 (cluster 3368) connect at weight=238.0
2025-04-09 19:04:13.545 | DEBUG    | __main__:<module>:20 - Iteration 1371: Points 1360 (cluster 3359) and 1382 (cluster 1382) connect at weight=238.0
2025-04-09 19:04:13.546 | DEBUG    | __main__:<module>:20 - Iteration 1372: Points 1317 (cluster 3367) and 1379 (cluster 1379) connect at weight=238.0
2025-04-09 19:04:13.546 | DEBUG    | __main__:<module>:20 - Iteration 1373: Points 1265 (cluster 3372) and 1381 (cluster 1381) connect at weight=238.0
2025-04-09 19:04:13.546 | DEBUG    | __main__:<module>:20 - Iteration 1374: Points 1259 (cluster 3373) and 1364 (cluster 1364) connect at weight=238.0
2025-04-09 19:04:13.546 | DEBUG    | __main__:<module>:20 - Iteration 1375: Points 1232 (cluster 3370) and 1377 (cluster 1377) connect at weight=238.0
2025-04-09 19:04:13.546 | DEBUG    | __main__:<module>:20 - Iteration 1376: Points 1370 (cluster 3374) and 1368 (cluster 3371) connect at weight=237.0
2025-04-09 19:04:13.547 | DEBUG    | __main__:<module>:20 - Iteration 1377: Points 1366 (cluster 3375) and 1388 (cluster 1388) connect at weight=237.0
2025-04-09 19:04:13.547 | DEBUG    | __main__:<module>:20 - Iteration 1378: Points 1364 (cluster 3376) and 1384 (cluster 1384) connect at weight=237.0
2025-04-09 19:04:13.547 | DEBUG    | __main__:<module>:20 - Iteration 1379: Points 1343 (cluster 3378) and 1385 (cluster 1385) connect at weight=237.0
2025-04-09 19:04:13.547 | DEBUG    | __main__:<module>:20 - Iteration 1380: Points 1337 (cluster 3377) and 1390 (cluster 1390) connect at weight=237.0
2025-04-09 19:04:13.551 | DEBUG    | __main__:<module>:20 - Iteration 1381: Points 2 (cluster 3379) and 886 (cluster 886) connect at weight=237.0
2025-04-09 19:04:13.551 | DEBUG    | __main__:<module>:20 - Iteration 1382: Points 1387 (cluster 1387) and 1342 (cluster 3380) connect at weight=236.0
2025-04-09 19:04:13.555 | DEBUG    | __main__:<module>:20 - Iteration 1383: Points 1383 (cluster 3382) and 1392 (cluster 1392) connect at weight=236.0
2025-04-09 19:04:13.555 | DEBUG    | __main__:<module>:20 - Iteration 1384: Points 1378 (cluster 1378) and 1389 (cluster 1389) connect at weight=236.0
2025-04-09 19:04:13.555 | DEBUG    | __main__:<module>:20 - Iteration 1385: Points 1364 (cluster 3381) and 1376 (cluster 1376) connect at weight=236.0
2025-04-09 19:04:13.555 | DEBUG    | __main__:<module>:20 - Iteration 1386: Points 1359 (cluster 3385) and 1375 (cluster 1375) connect at weight=236.0
2025-04-09 19:04:13.555 | DEBUG    | __main__:<module>:20 - Iteration 1387: Points 2 (cluster 3386) and 546 (cluster 546) connect at weight=236.0
2025-04-09 19:04:13.555 | DEBUG    | __main__:<module>:20 - Iteration 1388: Points 1384 (cluster 3387) and 1398 (cluster 1398) connect at weight=235.0
2025-04-09 19:04:13.556 | DEBUG    | __main__:<module>:20 - Iteration 1389: Points 1384 (cluster 3388) and 1391 (cluster 1391) connect at weight=235.0
2025-04-09 19:04:13.556 | DEBUG    | __main__:<module>:20 - Iteration 1390: Points 1358 (cluster 3383) and 1397 (cluster 1397) connect at weight=235.0
2025-04-09 19:04:13.556 | DEBUG    | __main__:<module>:20 - Iteration 1391: Points 1321 (cluster 3389) and 1378 (cluster 3384) connect at weight=235.0
2025-04-09 19:04:13.556 | DEBUG    | __main__:<module>:20 - Iteration 1392: Points 1260 (cluster 3390) and 1394 (cluster 1394) connect at weight=235.0
2025-04-09 19:04:13.556 | DEBUG    | __main__:<module>:20 - Iteration 1393: Points 1393 (cluster 1393) and 1402 (cluster 1402) connect at weight=234.0
2025-04-09 19:04:13.557 | DEBUG    | __main__:<module>:20 - Iteration 1394: Points 1382 (cluster 3391) and 1401 (cluster 1401) connect at weight=234.0
2025-04-09 19:04:13.557 | DEBUG    | __main__:<module>:20 - Iteration 1395: Points 1373 (cluster 3394) and 1399 (cluster 1399) connect at weight=234.0
2025-04-09 19:04:13.557 | DEBUG    | __main__:<module>:20 - Iteration 1396: Points 1346 (cluster 3395) and 1404 (cluster 1404) connect at weight=234.0
2025-04-09 19:04:13.557 | DEBUG    | __main__:<module>:20 - Iteration 1397: Points 1338 (cluster 3396) and 1403 (cluster 1403) connect at weight=234.0
2025-04-09 19:04:13.557 | DEBUG    | __main__:<module>:20 - Iteration 1398: Points 1307 (cluster 3397) and 1396 (cluster 1396) connect at weight=234.0
2025-04-09 19:04:13.557 | DEBUG    | __main__:<module>:20 - Iteration 1399: Points 1403 (cluster 3398) and 1409 (cluster 1409) connect at weight=233.0
2025-04-09 19:04:13.558 | DEBUG    | __main__:<module>:20 - Iteration 1400: Points 1388 (cluster 3392) and 1407 (cluster 1407) connect at weight=233.0
2025-04-09 19:04:13.558 | DEBUG    | __main__:<module>:20 - Iteration 1401: Points 1386 (cluster 3400) and 1405 (cluster 1405) connect at weight=233.0
2025-04-09 19:04:13.558 | DEBUG    | __main__:<module>:20 - Iteration 1402: Points 1382 (cluster 3399) and 1410 (cluster 1410) connect at weight=233.0
2025-04-09 19:04:13.558 | DEBUG    | __main__:<module>:20 - Iteration 1403: Points 1343 (cluster 3402) and 1400 (cluster 1400) connect at weight=233.0
2025-04-09 19:04:13.558 | DEBUG    | __main__:<module>:20 - Iteration 1404: Points 1408 (cluster 1408) and 1387 (cluster 3401) connect at weight=232.0
2025-04-09 19:04:13.559 | DEBUG    | __main__:<module>:20 - Iteration 1405: Points 1390 (cluster 3404) and 1418 (cluster 1418) connect at weight=232.0
2025-04-09 19:04:13.559 | DEBUG    | __main__:<module>:20 - Iteration 1406: Points 1385 (cluster 3403) and 1395 (cluster 1395) connect at weight=232.0
2025-04-09 19:04:13.559 | DEBUG    | __main__:<module>:20 - Iteration 1407: Points 1382 (cluster 3406) and 1411 (cluster 1411) connect at weight=232.0
2025-04-09 19:04:13.559 | DEBUG    | __main__:<module>:20 - Iteration 1408: Points 1373 (cluster 3407) and 1393 (cluster 3393) connect at weight=232.0
2025-04-09 19:04:13.559 | DEBUG    | __main__:<module>:20 - Iteration 1409: Points 1372 (cluster 3405) and 1416 (cluster 1416) connect at weight=232.0
2025-04-09 19:04:13.559 | DEBUG    | __main__:<module>:20 - Iteration 1410: Points 1318 (cluster 3409) and 1417 (cluster 1417) connect at weight=232.0
2025-04-09 19:04:13.560 | DEBUG    | __main__:<module>:20 - Iteration 1411: Points 1411 (cluster 3408) and 1420 (cluster 1420) connect at weight=231.0
2025-04-09 19:04:13.560 | DEBUG    | __main__:<module>:20 - Iteration 1412: Points 1389 (cluster 3411) and 1415 (cluster 1415) connect at weight=231.0
2025-04-09 19:04:13.560 | DEBUG    | __main__:<module>:20 - Iteration 1413: Points 1387 (cluster 3410) and 1419 (cluster 1419) connect at weight=231.0
2025-04-09 19:04:13.560 | DEBUG    | __main__:<module>:20 - Iteration 1414: Points 1352 (cluster 3412) and 1406 (cluster 1406) connect at weight=231.0
2025-04-09 19:04:13.560 | DEBUG    | __main__:<module>:20 - Iteration 1415: Points 1337 (cluster 3413) and 1413 (cluster 1413) connect at weight=231.0
2025-04-09 19:04:13.560 | DEBUG    | __main__:<module>:20 - Iteration 1416: Points 1412 (cluster 1412) and 1414 (cluster 1414) connect at weight=230.0
2025-04-09 19:04:13.561 | DEBUG    | __main__:<module>:20 - Iteration 1417: Points 1410 (cluster 3414) and 1421 (cluster 1421) connect at weight=230.0
2025-04-09 19:04:13.561 | DEBUG    | __main__:<module>:20 - Iteration 1418: Points 1389 (cluster 3417) and 1412 (cluster 3416) connect at weight=230.0
2025-04-09 19:04:13.561 | DEBUG    | __main__:<module>:20 - Iteration 1419: Points 1426 (cluster 1426) and 1425 (cluster 1425) connect at weight=229.0
2025-04-09 19:04:13.561 | DEBUG    | __main__:<module>:20 - Iteration 1420: Points 1422 (cluster 1422) and 1408 (cluster 3415) connect at weight=229.0
2025-04-09 19:04:13.561 | DEBUG    | __main__:<module>:20 - Iteration 1421: Points 1421 (cluster 3418) and 1426 (cluster 3419) connect at weight=229.0
2025-04-09 19:04:13.562 | DEBUG    | __main__:<module>:20 - Iteration 1422: Points 1420 (cluster 3421) and 1424 (cluster 1424) connect at weight=228.0
2025-04-09 19:04:13.562 | DEBUG    | __main__:<module>:20 - Iteration 1423: Points 1402 (cluster 3422) and 1423 (cluster 1423) connect at weight=228.0
2025-04-09 19:04:13.564 | DEBUG    | __main__:<module>:20 - Iteration 1424: Points 1400 (cluster 3423) and 1428 (cluster 1428) connect at weight=228.0
2025-04-09 19:04:13.564 | DEBUG    | __main__:<module>:20 - Iteration 1425: Points 1414 (cluster 3424) and 1430 (cluster 1430) connect at weight=227.0
2025-04-09 19:04:13.564 | DEBUG    | __main__:<module>:20 - Iteration 1426: Points 1407 (cluster 3420) and 1427 (cluster 1427) connect at weight=227.0
2025-04-09 19:04:13.565 | DEBUG    | __main__:<module>:20 - Iteration 1427: Points 1438 (cluster 1438) and 1435 (cluster 1435) connect at weight=226.0
2025-04-09 19:04:13.565 | DEBUG    | __main__:<module>:20 - Iteration 1428: Points 1424 (cluster 3425) and 1438 (cluster 3427) connect at weight=226.0
2025-04-09 19:04:13.565 | DEBUG    | __main__:<module>:20 - Iteration 1429: Points 1409 (cluster 3428) and 1432 (cluster 1432) connect at weight=226.0
2025-04-09 19:04:13.565 | DEBUG    | __main__:<module>:20 - Iteration 1430: Points 1407 (cluster 3426) and 1439 (cluster 1439) connect at weight=226.0
2025-04-09 19:04:13.565 | DEBUG    | __main__:<module>:20 - Iteration 1431: Points 1402 (cluster 3429) and 1431 (cluster 1431) connect at weight=226.0
2025-04-09 19:04:13.566 | DEBUG    | __main__:<module>:20 - Iteration 1432: Points 1395 (cluster 3431) and 1433 (cluster 1433) connect at weight=226.0
2025-04-09 19:04:13.566 | DEBUG    | __main__:<module>:20 - Iteration 1433: Points 1342 (cluster 3430) and 1434 (cluster 1434) connect at weight=226.0
2025-04-09 19:04:13.566 | DEBUG    | __main__:<module>:20 - Iteration 1434: Points 1427 (cluster 3433) and 1444 (cluster 1444) connect at weight=225.0
2025-04-09 19:04:13.566 | DEBUG    | __main__:<module>:20 - Iteration 1435: Points 1424 (cluster 3432) and 1436 (cluster 1436) connect at weight=225.0
2025-04-09 19:04:13.566 | DEBUG    | __main__:<module>:20 - Iteration 1436: Points 1387 (cluster 3434) and 1440 (cluster 1440) connect at weight=225.0
2025-04-09 19:04:13.566 | DEBUG    | __main__:<module>:20 - Iteration 1437: Points 1375 (cluster 3435) and 1429 (cluster 1429) connect at weight=225.0
2025-04-09 19:04:13.567 | DEBUG    | __main__:<module>:20 - Iteration 1438: Points 1442 (cluster 1442) and 1446 (cluster 1446) connect at weight=224.0
2025-04-09 19:04:13.567 | DEBUG    | __main__:<module>:20 - Iteration 1439: Points 1423 (cluster 3437) and 1445 (cluster 1445) connect at weight=224.0
2025-04-09 19:04:13.567 | DEBUG    | __main__:<module>:20 - Iteration 1440: Points 1414 (cluster 3439) and 1437 (cluster 1437) connect at weight=224.0
2025-04-09 19:04:13.567 | DEBUG    | __main__:<module>:20 - Iteration 1441: Points 1413 (cluster 3436) and 1442 (cluster 3438) connect at weight=224.0
2025-04-09 19:04:13.567 | DEBUG    | __main__:<module>:20 - Iteration 1442: Points 1215 (cluster 3440) and 1365 (cluster 1365) connect at weight=224.0
2025-04-09 19:04:13.568 | DEBUG    | __main__:<module>:20 - Iteration 1443: Points 1446 (cluster 3441) and 1441 (cluster 1441) connect at weight=223.0
2025-04-09 19:04:13.568 | DEBUG    | __main__:<module>:20 - Iteration 1444: Points 1431 (cluster 3442) and 1453 (cluster 1453) connect at weight=222.0
2025-04-09 19:04:13.568 | DEBUG    | __main__:<module>:20 - Iteration 1445: Points 1428 (cluster 3444) and 1448 (cluster 1448) connect at weight=222.0
2025-04-09 19:04:13.569 | DEBUG    | __main__:<module>:20 - Iteration 1446: Points 1456 (cluster 1456) and 1450 (cluster 1450) connect at weight=221.0
2025-04-09 19:04:13.569 | DEBUG    | __main__:<module>:20 - Iteration 1447: Points 1453 (cluster 3445) and 1449 (cluster 1449) connect at weight=221.0
2025-04-09 19:04:13.570 | DEBUG    | __main__:<module>:20 - Iteration 1448: Points 1444 (cluster 3443) and 1451 (cluster 1451) connect at weight=221.0
2025-04-09 19:04:13.570 | DEBUG    | __main__:<module>:20 - Iteration 1449: Points 1441 (cluster 3448) and 1452 (cluster 1452) connect at weight=221.0
2025-04-09 19:04:13.570 | DEBUG    | __main__:<module>:20 - Iteration 1450: Points 1436 (cluster 3447) and 1455 (cluster 1455) connect at weight=221.0
2025-04-09 19:04:13.570 | DEBUG    | __main__:<module>:20 - Iteration 1451: Points 1458 (cluster 1458) and 1457 (cluster 1457) connect at weight=220.0
2025-04-09 19:04:13.570 | DEBUG    | __main__:<module>:20 - Iteration 1452: Points 1457 (cluster 3451) and 1461 (cluster 1461) connect at weight=220.0
2025-04-09 19:04:13.571 | DEBUG    | __main__:<module>:20 - Iteration 1453: Points 1441 (cluster 3449) and 1458 (cluster 3452) connect at weight=220.0
2025-04-09 19:04:13.571 | DEBUG    | __main__:<module>:20 - Iteration 1454: Points 1395 (cluster 3450) and 1459 (cluster 1459) connect at weight=220.0
2025-04-09 19:04:13.571 | DEBUG    | __main__:<module>:20 - Iteration 1455: Points 1450 (cluster 3446) and 1422 (cluster 3453) connect at weight=219.0
2025-04-09 19:04:13.571 | DEBUG    | __main__:<module>:20 - Iteration 1456: Points 1448 (cluster 3454) and 1462 (cluster 1462) connect at weight=219.0
2025-04-09 19:04:13.571 | DEBUG    | __main__:<module>:20 - Iteration 1457: Points 1443 (cluster 1443) and 1454 (cluster 1454) connect at weight=219.0
2025-04-09 19:04:13.571 | DEBUG    | __main__:<module>:20 - Iteration 1458: Points 1449 (cluster 3456) and 1460 (cluster 1460) connect at weight=218.0
2025-04-09 19:04:13.572 | DEBUG    | __main__:<module>:20 - Iteration 1459: Points 1426 (cluster 3458) and 1465 (cluster 1465) connect at weight=218.0
2025-04-09 19:04:13.572 | DEBUG    | __main__:<module>:20 - Iteration 1460: Points 1254 (cluster 3459) and 1447 (cluster 1447) connect at weight=218.0
2025-04-09 19:04:13.572 | DEBUG    | __main__:<module>:20 - Iteration 1461: Points 1462 (cluster 3460) and 1468 (cluster 1468) connect at weight=217.0
2025-04-09 19:04:13.572 | DEBUG    | __main__:<module>:20 - Iteration 1462: Points 1454 (cluster 3457) and 1471 (cluster 1471) connect at weight=217.0
2025-04-09 19:04:13.572 | DEBUG    | __main__:<module>:20 - Iteration 1463: Points 1447 (cluster 3461) and 1443 (cluster 3462) connect at weight=217.0
2025-04-09 19:04:13.572 | DEBUG    | __main__:<module>:20 - Iteration 1464: Points 1454 (cluster 3463) and 1466 (cluster 1466) connect at weight=216.0
2025-04-09 19:04:13.573 | DEBUG    | __main__:<module>:20 - Iteration 1465: Points 1446 (cluster 3455) and 1473 (cluster 1473) connect at weight=216.0
2025-04-09 19:04:13.573 | DEBUG    | __main__:<module>:20 - Iteration 1466: Points 1437 (cluster 3464) and 1474 (cluster 1474) connect at weight=216.0
2025-04-09 19:04:13.573 | DEBUG    | __main__:<module>:20 - Iteration 1467: Points 1433 (cluster 3466) and 1464 (cluster 1464) connect at weight=216.0
2025-04-09 19:04:13.573 | DEBUG    | __main__:<module>:20 - Iteration 1468: Points 1413 (cluster 3465) and 1467 (cluster 1467) connect at weight=216.0
2025-04-09 19:04:13.573 | DEBUG    | __main__:<module>:20 - Iteration 1469: Points 1473 (cluster 3468) and 1481 (cluster 1481) connect at weight=215.0
2025-04-09 19:04:13.574 | DEBUG    | __main__:<module>:20 - Iteration 1470: Points 1469 (cluster 1469) and 1476 (cluster 1476) connect at weight=215.0
2025-04-09 19:04:13.574 | DEBUG    | __main__:<module>:20 - Iteration 1471: Points 1433 (cluster 3467) and 1472 (cluster 1472) connect at weight=215.0
2025-04-09 19:04:13.574 | DEBUG    | __main__:<module>:20 - Iteration 1472: Points 1429 (cluster 3471) and 1463 (cluster 1463) connect at weight=215.0
2025-04-09 19:04:13.574 | DEBUG    | __main__:<module>:20 - Iteration 1473: Points 1404 (cluster 3472) and 1477 (cluster 1477) connect at weight=215.0
2025-04-09 19:04:13.574 | DEBUG    | __main__:<module>:20 - Iteration 1474: Points 1475 (cluster 1475) and 1456 (cluster 3469) connect at weight=214.0
2025-04-09 19:04:13.574 | DEBUG    | __main__:<module>:20 - Iteration 1475: Points 1461 (cluster 3474) and 1483 (cluster 1483) connect at weight=214.0
2025-04-09 19:04:13.575 | DEBUG    | __main__:<module>:20 - Iteration 1476: Points 1406 (cluster 3473) and 1479 (cluster 1479) connect at weight=214.0
2025-04-09 19:04:13.575 | DEBUG    | __main__:<module>:20 - Iteration 1477: Points 1350 (cluster 3476) and 1482 (cluster 1482) connect at weight=214.0
2025-04-09 19:04:13.575 | DEBUG    | __main__:<module>:20 - Iteration 1478: Points 1460 (cluster 3477) and 1469 (cluster 3470) connect at weight=213.0
2025-04-09 19:04:13.575 | DEBUG    | __main__:<module>:20 - Iteration 1479: Points 1454 (cluster 3478) and 1480 (cluster 1480) connect at weight=213.0
2025-04-09 19:04:13.575 | DEBUG    | __main__:<module>:20 - Iteration 1480: Points 1452 (cluster 3475) and 1484 (cluster 1484) connect at weight=213.0
2025-04-09 19:04:13.575 | DEBUG    | __main__:<module>:20 - Iteration 1481: Points 1486 (cluster 1486) and 1485 (cluster 1485) connect at weight=212.0
2025-04-09 19:04:13.576 | DEBUG    | __main__:<module>:20 - Iteration 1482: Points 1446 (cluster 3480) and 1487 (cluster 1487) connect at weight=212.0
2025-04-09 19:04:13.576 | DEBUG    | __main__:<module>:20 - Iteration 1483: Points 1485 (cluster 3481) and 1494 (cluster 1494) connect at weight=211.0
2025-04-09 19:04:13.576 | DEBUG    | __main__:<module>:20 - Iteration 1484: Points 1483 (cluster 3482) and 1490 (cluster 1490) connect at weight=211.0
2025-04-09 19:04:13.576 | DEBUG    | __main__:<module>:20 - Iteration 1485: Points 1476 (cluster 3479) and 1489 (cluster 1489) connect at weight=211.0
2025-04-09 19:04:13.576 | DEBUG    | __main__:<module>:20 - Iteration 1486: Points 1455 (cluster 3485) and 1486 (cluster 3483) connect at weight=211.0
2025-04-09 19:04:13.577 | DEBUG    | __main__:<module>:20 - Iteration 1487: Points 1502 (cluster 1502) and 1498 (cluster 1498) connect at weight=210.0
2025-04-09 19:04:13.577 | DEBUG    | __main__:<module>:20 - Iteration 1488: Points 1496 (cluster 1496) and 1495 (cluster 1495) connect at weight=210.0
2025-04-09 19:04:13.577 | DEBUG    | __main__:<module>:20 - Iteration 1489: Points 1496 (cluster 3488) and 1492 (cluster 1492) connect at weight=210.0
2025-04-09 19:04:13.577 | DEBUG    | __main__:<module>:20 - Iteration 1490: Points 1494 (cluster 3486) and 1496 (cluster 3489) connect at weight=210.0
2025-04-09 19:04:13.577 | DEBUG    | __main__:<module>:20 - Iteration 1491: Points 1476 (cluster 3490) and 1500 (cluster 1500) connect at weight=210.0
2025-04-09 19:04:13.578 | DEBUG    | __main__:<module>:20 - Iteration 1492: Points 1451 (cluster 3484) and 1499 (cluster 1499) connect at weight=210.0
2025-04-09 19:04:13.580 | DEBUG    | __main__:<module>:20 - Iteration 1493: Points 1501 (cluster 1501) and 1475 (cluster 3492) connect at weight=209.0
2025-04-09 19:04:13.581 | DEBUG    | __main__:<module>:20 - Iteration 1494: Points 1496 (cluster 3491) and 1503 (cluster 1503) connect at weight=209.0
2025-04-09 19:04:13.581 | DEBUG    | __main__:<module>:20 - Iteration 1495: Points 1470 (cluster 1470) and 1478 (cluster 1478) connect at weight=209.0
2025-04-09 19:04:13.581 | DEBUG    | __main__:<module>:20 - Iteration 1496: Points 1500 (cluster 3494) and 1502 (cluster 3487) connect at weight=208.0
2025-04-09 19:04:13.581 | DEBUG    | __main__:<module>:20 - Iteration 1497: Points 1490 (cluster 3493) and 1504 (cluster 1504) connect at weight=208.0
2025-04-09 19:04:13.581 | DEBUG    | __main__:<module>:20 - Iteration 1498: Points 1448 (cluster 3496) and 1491 (cluster 1491) connect at weight=208.0
2025-04-09 19:04:13.582 | DEBUG    | __main__:<module>:20 - Iteration 1499: Points 1491 (cluster 3498) and 1505 (cluster 1505) connect at weight=207.0
2025-04-09 19:04:13.582 | DEBUG    | __main__:<module>:20 - Iteration 1500: Points 1489 (cluster 3499) and 1507 (cluster 1507) connect at weight=207.0
2025-04-09 19:04:13.582 | DEBUG    | __main__:<module>:20 - Iteration 1501: Points 1484 (cluster 3497) and 1506 (cluster 1506) connect at weight=207.0
2025-04-09 19:04:13.582 | DEBUG    | __main__:<module>:20 - Iteration 1502: Points 1431 (cluster 3500) and 1497 (cluster 1497) connect at weight=207.0
2025-04-09 19:04:13.582 | DEBUG    | __main__:<module>:20 - Iteration 1503: Points 1504 (cluster 3501) and 1515 (cluster 1515) connect at weight=206.0
2025-04-09 19:04:13.583 | DEBUG    | __main__:<module>:20 - Iteration 1504: Points 1503 (cluster 3502) and 1516 (cluster 1516) connect at weight=206.0
2025-04-09 19:04:13.583 | DEBUG    | __main__:<module>:20 - Iteration 1505: Points 1501 (cluster 3503) and 1493 (cluster 1493) connect at weight=206.0
2025-04-09 19:04:13.583 | DEBUG    | __main__:<module>:20 - Iteration 1506: Points 1492 (cluster 3504) and 1514 (cluster 1514) connect at weight=206.0
2025-04-09 19:04:13.583 | DEBUG    | __main__:<module>:20 - Iteration 1507: Points 1471 (cluster 3506) and 1510 (cluster 1510) connect at weight=206.0
2025-04-09 19:04:13.583 | DEBUG    | __main__:<module>:20 - Iteration 1508: Points 1457 (cluster 3505) and 1519 (cluster 1519) connect at weight=206.0
2025-04-09 19:04:13.584 | DEBUG    | __main__:<module>:20 - Iteration 1509: Points 1438 (cluster 3507) and 1518 (cluster 1518) connect at weight=206.0
2025-04-09 19:04:13.584 | DEBUG    | __main__:<module>:20 - Iteration 1510: Points 1438 (cluster 3509) and 1517 (cluster 1517) connect at weight=206.0
2025-04-09 19:04:13.584 | DEBUG    | __main__:<module>:20 - Iteration 1511: Points 1520 (cluster 1520) and 1501 (cluster 3508) connect at weight=205.0
2025-04-09 19:04:13.584 | DEBUG    | __main__:<module>:20 - Iteration 1512: Points 1513 (cluster 1513) and 1512 (cluster 1512) connect at weight=205.0
2025-04-09 19:04:13.584 | DEBUG    | __main__:<module>:20 - Iteration 1513: Points 1509 (cluster 1509) and 1521 (cluster 1521) connect at weight=205.0
2025-04-09 19:04:13.584 | DEBUG    | __main__:<module>:20 - Iteration 1514: Points 1497 (cluster 3510) and 1511 (cluster 1511) connect at weight=205.0
2025-04-09 19:04:13.585 | DEBUG    | __main__:<module>:20 - Iteration 1515: Points 1466 (cluster 3514) and 1509 (cluster 3513) connect at weight=205.0
2025-04-09 19:04:13.585 | DEBUG    | __main__:<module>:20 - Iteration 1516: Points 1411 (cluster 3515) and 1522 (cluster 1522) connect at weight=205.0
2025-04-09 19:04:13.585 | DEBUG    | __main__:<module>:20 - Iteration 1517: Points 1527 (cluster 1527) and 1526 (cluster 1526) connect at weight=204.0
2025-04-09 19:04:13.585 | DEBUG    | __main__:<module>:20 - Iteration 1518: Points 1463 (cluster 3516) and 1488 (cluster 1488) connect at weight=204.0
2025-04-09 19:04:13.585 | DEBUG    | __main__:<module>:20 - Iteration 1519: Points 1525 (cluster 1525) and 1520 (cluster 3511) connect at weight=203.0
2025-04-09 19:04:13.586 | DEBUG    | __main__:<module>:20 - Iteration 1520: Points 1520 (cluster 3519) and 1524 (cluster 1524) connect at weight=203.0
2025-04-09 19:04:13.586 | DEBUG    | __main__:<module>:20 - Iteration 1521: Points 1513 (cluster 3512) and 1529 (cluster 1529) connect at weight=203.0
2025-04-09 19:04:13.586 | DEBUG    | __main__:<module>:20 - Iteration 1522: Points 1493 (cluster 3520) and 1527 (cluster 3517) connect at weight=203.0
2025-04-09 19:04:13.586 | DEBUG    | __main__:<module>:20 - Iteration 1523: Points 1530 (cluster 1530) and 1513 (cluster 3521) connect at weight=202.0
2025-04-09 19:04:13.586 | DEBUG    | __main__:<module>:20 - Iteration 1524: Points 1523 (cluster 1523) and 1533 (cluster 1533) connect at weight=202.0
2025-04-09 19:04:13.587 | DEBUG    | __main__:<module>:20 - Iteration 1525: Points 1512 (cluster 3523) and 1525 (cluster 3522) connect at weight=202.0
2025-04-09 19:04:13.587 | DEBUG    | __main__:<module>:20 - Iteration 1526: Points 1464 (cluster 3518) and 1531 (cluster 1531) connect at weight=202.0
2025-04-09 19:04:13.587 | DEBUG    | __main__:<module>:20 - Iteration 1527: Points 1534 (cluster 1534) and 1530 (cluster 3525) connect at weight=201.0
2025-04-09 19:04:13.587 | DEBUG    | __main__:<module>:20 - Iteration 1528: Points 1523 (cluster 3524) and 1532 (cluster 1532) connect at weight=201.0
2025-04-09 19:04:13.587 | DEBUG    | __main__:<module>:20 - Iteration 1529: Points 1516 (cluster 3526) and 1539 (cluster 1539) connect at weight=201.0
2025-04-09 19:04:13.587 | DEBUG    | __main__:<module>:20 - Iteration 1530: Points 1515 (cluster 3527) and 1540 (cluster 1540) connect at weight=201.0
2025-04-09 19:04:13.588 | DEBUG    | __main__:<module>:20 - Iteration 1531: Points 1510 (cluster 3529) and 1536 (cluster 1536) connect at weight=201.0
2025-04-09 19:04:13.588 | DEBUG    | __main__:<module>:20 - Iteration 1532: Points 1472 (cluster 3531) and 1523 (cluster 3528) connect at weight=201.0
2025-04-09 19:04:13.588 | DEBUG    | __main__:<module>:20 - Iteration 1533: Points 1184 (cluster 3532) and 1470 (cluster 3495) connect at weight=201.0
2025-04-09 19:04:13.588 | DEBUG    | __main__:<module>:20 - Iteration 1534: Points 1162 (cluster 3533) and 1508 (cluster 1508) connect at weight=201.0
2025-04-09 19:04:13.588 | DEBUG    | __main__:<module>:20 - Iteration 1535: Points 1524 (cluster 3530) and 1537 (cluster 1537) connect at weight=200.0
2025-04-09 19:04:13.588 | DEBUG    | __main__:<module>:20 - Iteration 1536: Points 1534 (cluster 3535) and 1535 (cluster 1535) connect at weight=199.0
2025-04-09 19:04:13.589 | DEBUG    | __main__:<module>:20 - Iteration 1537: Points 1507 (cluster 3534) and 1538 (cluster 1538) connect at weight=199.0
2025-04-09 19:04:13.589 | DEBUG    | __main__:<module>:20 - Iteration 1538: Points 1538 (cluster 3537) and 1545 (cluster 1545) connect at weight=198.0
2025-04-09 19:04:13.589 | DEBUG    | __main__:<module>:20 - Iteration 1539: Points 1533 (cluster 3538) and 1549 (cluster 1549) connect at weight=198.0
2025-04-09 19:04:13.589 | DEBUG    | __main__:<module>:20 - Iteration 1540: Points 1533 (cluster 3539) and 1542 (cluster 1542) connect at weight=198.0
2025-04-09 19:04:13.589 | DEBUG    | __main__:<module>:20 - Iteration 1541: Points 1434 (cluster 3536) and 1541 (cluster 1541) connect at weight=198.0
2025-04-09 19:04:13.590 | DEBUG    | __main__:<module>:20 - Iteration 1542: Points 1548 (cluster 1548) and 1546 (cluster 1546) connect at weight=197.0
2025-04-09 19:04:13.590 | DEBUG    | __main__:<module>:20 - Iteration 1543: Points 1542 (cluster 3540) and 1548 (cluster 3542) connect at weight=197.0
2025-04-09 19:04:13.590 | DEBUG    | __main__:<module>:20 - Iteration 1544: Points 1538 (cluster 3543) and 1552 (cluster 1552) connect at weight=197.0
2025-04-09 19:04:13.590 | DEBUG    | __main__:<module>:20 - Iteration 1545: Points 1536 (cluster 3544) and 1547 (cluster 1547) connect at weight=197.0
2025-04-09 19:04:13.590 | DEBUG    | __main__:<module>:20 - Iteration 1546: Points 1552 (cluster 3545) and 1550 (cluster 1550) connect at weight=196.0
2025-04-09 19:04:13.590 | DEBUG    | __main__:<module>:20 - Iteration 1547: Points 1550 (cluster 3546) and 1556 (cluster 1556) connect at weight=196.0
2025-04-09 19:04:13.591 | DEBUG    | __main__:<module>:20 - Iteration 1548: Points 1550 (cluster 3547) and 1555 (cluster 1555) connect at weight=196.0
2025-04-09 19:04:13.591 | DEBUG    | __main__:<module>:20 - Iteration 1549: Points 1547 (cluster 3548) and 1557 (cluster 1557) connect at weight=196.0
2025-04-09 19:04:13.591 | DEBUG    | __main__:<module>:20 - Iteration 1550: Points 1514 (cluster 3549) and 1553 (cluster 1553) connect at weight=196.0
2025-04-09 19:04:13.591 | DEBUG    | __main__:<module>:20 - Iteration 1551: Points 1505 (cluster 3550) and 1544 (cluster 1544) connect at weight=195.0
2025-04-09 19:04:13.591 | DEBUG    | __main__:<module>:20 - Iteration 1552: Points 1499 (cluster 3541) and 1562 (cluster 1562) connect at weight=195.0
2025-04-09 19:04:13.592 | DEBUG    | __main__:<module>:20 - Iteration 1553: Points 886 (cluster 3551) and 1528 (cluster 1528) connect at weight=195.0
2025-04-09 19:04:13.592 | DEBUG    | __main__:<module>:20 - Iteration 1554: Points 1569 (cluster 1569) and 1568 (cluster 1568) connect at weight=194.0
2025-04-09 19:04:13.592 | DEBUG    | __main__:<module>:20 - Iteration 1555: Points 1566 (cluster 1566) and 1564 (cluster 1564) connect at weight=194.0
2025-04-09 19:04:13.592 | DEBUG    | __main__:<module>:20 - Iteration 1556: Points 1537 (cluster 3552) and 1560 (cluster 1560) connect at weight=194.0
2025-04-09 19:04:13.592 | DEBUG    | __main__:<module>:20 - Iteration 1557: Points 1515 (cluster 3556) and 1558 (cluster 1558) connect at weight=194.0
2025-04-09 19:04:13.592 | DEBUG    | __main__:<module>:20 - Iteration 1558: Points 1506 (cluster 3557) and 1554 (cluster 1554) connect at weight=194.0
2025-04-09 19:04:13.593 | DEBUG    | __main__:<module>:20 - Iteration 1559: Points 1563 (cluster 1563) and 1570 (cluster 1570) connect at weight=193.0
2025-04-09 19:04:13.593 | DEBUG    | __main__:<module>:20 - Iteration 1560: Points 1558 (cluster 3558) and 1569 (cluster 3554) connect at weight=193.0
2025-04-09 19:04:13.593 | DEBUG    | __main__:<module>:20 - Iteration 1561: Points 1544 (cluster 3553) and 1563 (cluster 3559) connect at weight=193.0
2025-04-09 19:04:13.593 | DEBUG    | __main__:<module>:20 - Iteration 1562: Points 1529 (cluster 3560) and 1567 (cluster 1567) connect at weight=193.0
2025-04-09 19:04:13.593 | DEBUG    | __main__:<module>:20 - Iteration 1563: Points 1507 (cluster 3561) and 1565 (cluster 1565) connect at weight=193.0
2025-04-09 19:04:13.593 | DEBUG    | __main__:<module>:20 - Iteration 1564: Points 1573 (cluster 1573) and 1561 (cluster 1561) connect at weight=192.0
2025-04-09 19:04:13.594 | DEBUG    | __main__:<module>:20 - Iteration 1565: Points 1561 (cluster 3564) and 1534 (cluster 3562) connect at weight=192.0
2025-04-09 19:04:13.594 | DEBUG    | __main__:<module>:20 - Iteration 1566: Points 1551 (cluster 1551) and 1566 (cluster 3555) connect at weight=192.0
2025-04-09 19:04:13.594 | DEBUG    | __main__:<module>:20 - Iteration 1567: Points 1521 (cluster 3563) and 1559 (cluster 1559) connect at weight=192.0
2025-04-09 19:04:13.594 | DEBUG    | __main__:<module>:20 - Iteration 1568: Points 1553 (cluster 3567) and 1575 (cluster 1575) connect at weight=191.0
2025-04-09 19:04:13.594 | DEBUG    | __main__:<module>:20 - Iteration 1569: Points 1544 (cluster 3568) and 1551 (cluster 3566) connect at weight=191.0
2025-04-09 19:04:13.594 | DEBUG    | __main__:<module>:20 - Iteration 1570: Points 1536 (cluster 3569) and 1574 (cluster 1574) connect at weight=191.0
2025-04-09 19:04:13.595 | DEBUG    | __main__:<module>:20 - Iteration 1571: Points 1519 (cluster 3565) and 1577 (cluster 1577) connect at weight=191.0
2025-04-09 19:04:13.595 | DEBUG    | __main__:<module>:20 - Iteration 1572: Points 1579 (cluster 1579) and 1578 (cluster 1578) connect at weight=190.0
2025-04-09 19:04:13.595 | DEBUG    | __main__:<module>:20 - Iteration 1573: Points 1549 (cluster 3570) and 1576 (cluster 1576) connect at weight=190.0
2025-04-09 19:04:13.595 | DEBUG    | __main__:<module>:20 - Iteration 1574: Points 1547 (cluster 3573) and 1579 (cluster 3572) connect at weight=190.0
2025-04-09 19:04:13.595 | DEBUG    | __main__:<module>:20 - Iteration 1575: Points 1576 (cluster 3574) and 1571 (cluster 1571) connect at weight=189.0
2025-04-09 19:04:13.595 | DEBUG    | __main__:<module>:20 - Iteration 1576: Points 1589 (cluster 1589) and 1573 (cluster 3571) connect at weight=188.0
2025-04-09 19:04:13.596 | DEBUG    | __main__:<module>:20 - Iteration 1577: Points 1581 (cluster 1581) and 1587 (cluster 1587) connect at weight=188.0
2025-04-09 19:04:13.596 | DEBUG    | __main__:<module>:20 - Iteration 1578: Points 1575 (cluster 3575) and 1582 (cluster 1582) connect at weight=188.0
2025-04-09 19:04:13.596 | DEBUG    | __main__:<module>:20 - Iteration 1579: Points 1571 (cluster 3578) and 1583 (cluster 1583) connect at weight=188.0
2025-04-09 19:04:13.596 | DEBUG    | __main__:<module>:20 - Iteration 1580: Points 1569 (cluster 3576) and 1585 (cluster 1585) connect at weight=188.0
2025-04-09 19:04:13.596 | DEBUG    | __main__:<module>:20 - Iteration 1581: Points 1555 (cluster 3579) and 1588 (cluster 1588) connect at weight=188.0
2025-04-09 19:04:13.597 | DEBUG    | __main__:<module>:20 - Iteration 1582: Points 1569 (cluster 3580) and 1590 (cluster 1590) connect at weight=187.0
2025-04-09 19:04:13.597 | DEBUG    | __main__:<module>:20 - Iteration 1583: Points 1567 (cluster 3582) and 1591 (cluster 1591) connect at weight=187.0
2025-04-09 19:04:13.597 | DEBUG    | __main__:<module>:20 - Iteration 1584: Points 1470 (cluster 3581) and 1572 (cluster 1572) connect at weight=187.0
2025-04-09 19:04:13.597 | DEBUG    | __main__:<module>:20 - Iteration 1585: Points 1592 (cluster 1592) and 1593 (cluster 1593) connect at weight=186.0
2025-04-09 19:04:13.597 | DEBUG    | __main__:<module>:20 - Iteration 1586: Points 1588 (cluster 3584) and 1592 (cluster 3585) connect at weight=186.0
2025-04-09 19:04:13.597 | DEBUG    | __main__:<module>:20 - Iteration 1587: Points 1583 (cluster 3586) and 1594 (cluster 1594) connect at weight=186.0
2025-04-09 19:04:13.598 | DEBUG    | __main__:<module>:20 - Iteration 1588: Points 1595 (cluster 1595) and 1596 (cluster 1596) connect at weight=185.0
2025-04-09 19:04:13.598 | DEBUG    | __main__:<module>:20 - Iteration 1589: Points 1570 (cluster 3587) and 1581 (cluster 3577) connect at weight=185.0
2025-04-09 19:04:13.598 | DEBUG    | __main__:<module>:20 - Iteration 1590: Points 1559 (cluster 3589) and 1584 (cluster 1584) connect at weight=185.0
2025-04-09 19:04:13.598 | DEBUG    | __main__:<module>:20 - Iteration 1591: Points 1556 (cluster 3590) and 1595 (cluster 3588) connect at weight=185.0
2025-04-09 19:04:13.598 | DEBUG    | __main__:<module>:20 - Iteration 1592: Points 1579 (cluster 3591) and 1599 (cluster 1599) connect at weight=184.0
2025-04-09 19:04:13.599 | DEBUG    | __main__:<module>:20 - Iteration 1593: Points 1553 (cluster 3592) and 1600 (cluster 1600) connect at weight=184.0
2025-04-09 19:04:13.599 | DEBUG    | __main__:<module>:20 - Iteration 1594: Points 1478 (cluster 3593) and 1586 (cluster 1586) connect at weight=184.0
2025-04-09 19:04:13.599 | DEBUG    | __main__:<module>:20 - Iteration 1595: Points 1598 (cluster 1598) and 1601 (cluster 1601) connect at weight=183.0
2025-04-09 19:04:13.599 | DEBUG    | __main__:<module>:20 - Iteration 1596: Points 1584 (cluster 3594) and 1580 (cluster 1580) connect at weight=183.0
2025-04-09 19:04:13.599 | DEBUG    | __main__:<module>:20 - Iteration 1597: Points 1582 (cluster 3596) and 1598 (cluster 3595) connect at weight=183.0
2025-04-09 19:04:13.600 | DEBUG    | __main__:<module>:20 - Iteration 1598: Points 1559 (cluster 3597) and 1597 (cluster 1597) connect at weight=183.0
2025-04-09 19:04:13.600 | DEBUG    | __main__:<module>:20 - Iteration 1599: Points 1603 (cluster 1603) and 1605 (cluster 1605) connect at weight=181.0
2025-04-09 19:04:13.600 | DEBUG    | __main__:<module>:20 - Iteration 1600: Points 1603 (cluster 3599) and 1602 (cluster 1602) connect at weight=181.0
2025-04-09 19:04:13.600 | DEBUG    | __main__:<module>:20 - Iteration 1601: Points 1596 (cluster 3598) and 1603 (cluster 3600) connect at weight=181.0
2025-04-09 19:04:13.600 | DEBUG    | __main__:<module>:20 - Iteration 1602: Points 1587 (cluster 3601) and 1604 (cluster 1604) connect at weight=181.0
2025-04-09 19:04:13.600 | DEBUG    | __main__:<module>:20 - Iteration 1603: Points 1582 (cluster 3602) and 1606 (cluster 1606) connect at weight=181.0
2025-04-09 19:04:13.601 | DEBUG    | __main__:<module>:20 - Iteration 1604: Points 1605 (cluster 3603) and 1609 (cluster 1609) connect at weight=180.0
2025-04-09 19:04:13.601 | DEBUG    | __main__:<module>:20 - Iteration 1605: Points 1590 (cluster 3583) and 1607 (cluster 1607) connect at weight=180.0
2025-04-09 19:04:13.601 | DEBUG    | __main__:<module>:20 - Iteration 1606: Points 1584 (cluster 3604) and 1608 (cluster 1608) connect at weight=180.0
2025-04-09 19:04:13.601 | DEBUG    | __main__:<module>:20 - Iteration 1607: Points 1463 (cluster 3606) and 1543 (cluster 1543) connect at weight=180.0
2025-04-09 19:04:13.601 | DEBUG    | __main__:<module>:20 - Iteration 1608: Points 1604 (cluster 3607) and 1610 (cluster 1610) connect at weight=178.0
2025-04-09 19:04:13.601 | DEBUG    | __main__:<module>:20 - Iteration 1609: Points 1611 (cluster 1611) and 1589 (cluster 3605) connect at weight=177.0
2025-04-09 19:04:13.602 | DEBUG    | __main__:<module>:20 - Iteration 1610: Points 1609 (cluster 3608) and 1616 (cluster 1616) connect at weight=177.0
2025-04-09 19:04:13.602 | DEBUG    | __main__:<module>:20 - Iteration 1611: Points 1610 (cluster 3610) and 1614 (cluster 1614) connect at weight=176.0
2025-04-09 19:04:13.602 | DEBUG    | __main__:<module>:20 - Iteration 1612: Points 1601 (cluster 3611) and 1615 (cluster 1615) connect at weight=176.0
2025-04-09 19:04:13.602 | DEBUG    | __main__:<module>:20 - Iteration 1613: Points 1608 (cluster 3612) and 1620 (cluster 1620) connect at weight=175.0
2025-04-09 19:04:13.602 | DEBUG    | __main__:<module>:20 - Iteration 1614: Points 1601 (cluster 3613) and 1618 (cluster 1618) connect at weight=175.0
2025-04-09 19:04:13.603 | DEBUG    | __main__:<module>:20 - Iteration 1615: Points 1620 (cluster 3614) and 1617 (cluster 1617) connect at weight=174.0
2025-04-09 19:04:13.603 | DEBUG    | __main__:<module>:20 - Iteration 1616: Points 1618 (cluster 3615) and 1623 (cluster 1623) connect at weight=174.0
2025-04-09 19:04:13.603 | DEBUG    | __main__:<module>:20 - Iteration 1617: Points 1589 (cluster 3609) and 1619 (cluster 1619) connect at weight=174.0
2025-04-09 19:04:13.603 | DEBUG    | __main__:<module>:20 - Iteration 1618: Points 1528 (cluster 3616) and 1612 (cluster 1612) connect at weight=174.0
2025-04-09 19:04:13.603 | DEBUG    | __main__:<module>:20 - Iteration 1619: Points 1621 (cluster 1621) and 1624 (cluster 1624) connect at weight=173.0
2025-04-09 19:04:13.603 | DEBUG    | __main__:<module>:20 - Iteration 1620: Points 1618 (cluster 3618) and 1625 (cluster 1625) connect at weight=173.0
2025-04-09 19:04:13.604 | DEBUG    | __main__:<module>:20 - Iteration 1621: Points 1624 (cluster 3619) and 1611 (cluster 3617) connect at weight=172.0
2025-04-09 19:04:13.604 | DEBUG    | __main__:<module>:20 - Iteration 1622: Points 1616 (cluster 3620) and 1627 (cluster 1627) connect at weight=172.0
2025-04-09 19:04:13.604 | DEBUG    | __main__:<module>:20 - Iteration 1623: Points 1616 (cluster 3622) and 1626 (cluster 1626) connect at weight=172.0
2025-04-09 19:04:13.604 | DEBUG    | __main__:<module>:20 - Iteration 1624: Points 1611 (cluster 3621) and 1631 (cluster 1631) connect at weight=172.0
2025-04-09 19:04:13.604 | DEBUG    | __main__:<module>:20 - Iteration 1625: Points 1609 (cluster 3623) and 1630 (cluster 1630) connect at weight=172.0
2025-04-09 19:04:13.604 | DEBUG    | __main__:<module>:20 - Iteration 1626: Points 1607 (cluster 3624) and 1628 (cluster 1628) connect at weight=172.0
2025-04-09 19:04:13.605 | DEBUG    | __main__:<module>:20 - Iteration 1627: Points 1626 (cluster 3625) and 1629 (cluster 1629) connect at weight=171.0
2025-04-09 19:04:13.605 | DEBUG    | __main__:<module>:20 - Iteration 1628: Points 1622 (cluster 1622) and 1621 (cluster 3626) connect at weight=171.0
2025-04-09 19:04:13.605 | DEBUG    | __main__:<module>:20 - Iteration 1629: Points 1616 (cluster 3627) and 1634 (cluster 1634) connect at weight=171.0
2025-04-09 19:04:13.605 | DEBUG    | __main__:<module>:20 - Iteration 1630: Points 1511 (cluster 3629) and 1613 (cluster 1613) connect at weight=171.0
2025-04-09 19:04:13.605 | DEBUG    | __main__:<module>:20 - Iteration 1631: Points 1638 (cluster 1638) and 1637 (cluster 1637) connect at weight=170.0
2025-04-09 19:04:13.606 | DEBUG    | __main__:<module>:20 - Iteration 1632: Points 1638 (cluster 3631) and 1636 (cluster 1636) connect at weight=170.0
2025-04-09 19:04:13.606 | DEBUG    | __main__:<module>:20 - Iteration 1633: Points 1607 (cluster 3628) and 1635 (cluster 1635) connect at weight=170.0
2025-04-09 19:04:13.606 | DEBUG    | __main__:<module>:20 - Iteration 1634: Points 1599 (cluster 3630) and 1639 (cluster 1639) connect at weight=170.0
2025-04-09 19:04:13.606 | DEBUG    | __main__:<module>:20 - Iteration 1635: Points 1641 (cluster 1641) and 1638 (cluster 3632) connect at weight=169.0
2025-04-09 19:04:13.606 | DEBUG    | __main__:<module>:20 - Iteration 1636: Points 1633 (cluster 1633) and 1622 (cluster 3633) connect at weight=169.0
2025-04-09 19:04:13.607 | DEBUG    | __main__:<module>:20 - Iteration 1637: Points 1622 (cluster 3636) and 1641 (cluster 3635) connect at weight=169.0
2025-04-09 19:04:13.607 | DEBUG    | __main__:<module>:20 - Iteration 1638: Points 1607 (cluster 3637) and 1642 (cluster 1642) connect at weight=169.0
2025-04-09 19:04:13.607 | DEBUG    | __main__:<module>:20 - Iteration 1639: Points 1623 (cluster 3634) and 1643 (cluster 1643) connect at weight=168.0
2025-04-09 19:04:13.607 | DEBUG    | __main__:<module>:20 - Iteration 1640: Points 1602 (cluster 3639) and 1640 (cluster 1640) connect at weight=168.0
2025-04-09 19:04:13.607 | DEBUG    | __main__:<module>:20 - Iteration 1641: Points 1587 (cluster 3640) and 1632 (cluster 1632) connect at weight=168.0
2025-04-09 19:04:13.607 | DEBUG    | __main__:<module>:20 - Iteration 1642: Points 1649 (cluster 1649) and 1633 (cluster 3638) connect at weight=167.0
2025-04-09 19:04:13.608 | DEBUG    | __main__:<module>:20 - Iteration 1643: Points 1632 (cluster 3641) and 1644 (cluster 1644) connect at weight=167.0
2025-04-09 19:04:13.608 | DEBUG    | __main__:<module>:20 - Iteration 1644: Points 1585 (cluster 3642) and 1646 (cluster 1646) connect at weight=167.0
2025-04-09 19:04:13.608 | DEBUG    | __main__:<module>:20 - Iteration 1645: Points 1507 (cluster 3643) and 1648 (cluster 1648) connect at weight=167.0
2025-04-09 19:04:13.608 | DEBUG    | __main__:<module>:20 - Iteration 1646: Points 1643 (cluster 3645) and 1651 (cluster 1651) connect at weight=166.0
2025-04-09 19:04:13.608 | DEBUG    | __main__:<module>:20 - Iteration 1647: Points 1644 (cluster 3646) and 1653 (cluster 1653) connect at weight=165.0
2025-04-09 19:04:13.608 | DEBUG    | __main__:<module>:20 - Iteration 1648: Points 1593 (cluster 3647) and 1655 (cluster 1655) connect at weight=165.0
2025-04-09 19:04:13.609 | DEBUG    | __main__:<module>:20 - Iteration 1649: Points 1617 (cluster 3648) and 1647 (cluster 1647) connect at weight=164.0
2025-04-09 19:04:13.609 | DEBUG    | __main__:<module>:20 - Iteration 1650: Points 1628 (cluster 3644) and 1657 (cluster 1657) connect at weight=163.0
2025-04-09 19:04:13.609 | DEBUG    | __main__:<module>:20 - Iteration 1651: Points 1647 (cluster 3649) and 1658 (cluster 1658) connect at weight=162.0
2025-04-09 19:04:13.609 | DEBUG    | __main__:<module>:20 - Iteration 1652: Points 1647 (cluster 3651) and 1645 (cluster 1645) connect at weight=162.0
2025-04-09 19:04:13.609 | DEBUG    | __main__:<module>:20 - Iteration 1653: Points 1642 (cluster 3650) and 1664 (cluster 1664) connect at weight=161.0
2025-04-09 19:04:13.610 | DEBUG    | __main__:<module>:20 - Iteration 1654: Points 1572 (cluster 3652) and 1656 (cluster 1656) connect at weight=161.0
2025-04-09 19:04:13.610 | DEBUG    | __main__:<module>:20 - Iteration 1655: Points 1662 (cluster 1662) and 1654 (cluster 1654) connect at weight=160.0
2025-04-09 19:04:13.610 | DEBUG    | __main__:<module>:20 - Iteration 1656: Points 1630 (cluster 3654) and 1666 (cluster 1666) connect at weight=160.0
2025-04-09 19:04:13.610 | DEBUG    | __main__:<module>:20 - Iteration 1657: Points 1625 (cluster 3656) and 1661 (cluster 1661) connect at weight=160.0
2025-04-09 19:04:13.610 | DEBUG    | __main__:<module>:20 - Iteration 1658: Points 1617 (cluster 3657) and 1660 (cluster 1660) connect at weight=160.0
2025-04-09 19:04:13.611 | DEBUG    | __main__:<module>:20 - Iteration 1659: Points 1667 (cluster 1667) and 1672 (cluster 1672) connect at weight=159.0
2025-04-09 19:04:13.611 | DEBUG    | __main__:<module>:20 - Iteration 1660: Points 1660 (cluster 3658) and 1659 (cluster 1659) connect at weight=159.0
2025-04-09 19:04:13.611 | DEBUG    | __main__:<module>:20 - Iteration 1661: Points 1654 (cluster 3655) and 1649 (cluster 3653) connect at weight=159.0
2025-04-09 19:04:13.611 | DEBUG    | __main__:<module>:20 - Iteration 1662: Points 1651 (cluster 3660) and 1670 (cluster 1670) connect at weight=159.0
2025-04-09 19:04:13.611 | DEBUG    | __main__:<module>:20 - Iteration 1663: Points 1651 (cluster 3662) and 1665 (cluster 1665) connect at weight=159.0
2025-04-09 19:04:13.611 | DEBUG    | __main__:<module>:20 - Iteration 1664: Points 1649 (cluster 3661) and 1663 (cluster 1663) connect at weight=159.0
2025-04-09 19:04:13.612 | DEBUG    | __main__:<module>:20 - Iteration 1665: Points 1628 (cluster 3664) and 1669 (cluster 1669) connect at weight=159.0
2025-04-09 19:04:13.612 | DEBUG    | __main__:<module>:20 - Iteration 1666: Points 1628 (cluster 3665) and 1667 (cluster 3659) connect at weight=159.0
2025-04-09 19:04:13.612 | DEBUG    | __main__:<module>:20 - Iteration 1667: Points 1615 (cluster 3663) and 1671 (cluster 1671) connect at weight=159.0
2025-04-09 19:04:13.612 | DEBUG    | __main__:<module>:20 - Iteration 1668: Points 1665 (cluster 3667) and 1673 (cluster 1673) connect at weight=158.0
2025-04-09 19:04:13.612 | DEBUG    | __main__:<module>:20 - Iteration 1669: Points 1663 (cluster 3666) and 1674 (cluster 1674) connect at weight=158.0
2025-04-09 19:04:13.613 | DEBUG    | __main__:<module>:20 - Iteration 1670: Points 1664 (cluster 3669) and 1677 (cluster 1677) connect at weight=157.0
2025-04-09 19:04:13.613 | DEBUG    | __main__:<module>:20 - Iteration 1671: Points 1663 (cluster 3670) and 1678 (cluster 1678) connect at weight=157.0
2025-04-09 19:04:13.613 | DEBUG    | __main__:<module>:20 - Iteration 1672: Points 1653 (cluster 3668) and 1676 (cluster 1676) connect at weight=157.0
2025-04-09 19:04:13.613 | DEBUG    | __main__:<module>:20 - Iteration 1673: Points 1488 (cluster 3672) and 1652 (cluster 1652) connect at weight=157.0
2025-04-09 19:04:13.613 | DEBUG    | __main__:<module>:20 - Iteration 1674: Points 1653 (cluster 3673) and 1679 (cluster 1679) connect at weight=156.0
2025-04-09 19:04:13.613 | DEBUG    | __main__:<module>:20 - Iteration 1675: Points 1652 (cluster 3674) and 1668 (cluster 1668) connect at weight=156.0
2025-04-09 19:04:13.614 | DEBUG    | __main__:<module>:20 - Iteration 1676: Points 1681 (cluster 1681) and 1662 (cluster 3671) connect at weight=155.0
2025-04-09 19:04:13.614 | DEBUG    | __main__:<module>:20 - Iteration 1677: Points 1676 (cluster 3675) and 1682 (cluster 1682) connect at weight=155.0
2025-04-09 19:04:13.614 | DEBUG    | __main__:<module>:20 - Iteration 1678: Points 1673 (cluster 3677) and 1680 (cluster 1680) connect at weight=155.0
2025-04-09 19:04:13.614 | DEBUG    | __main__:<module>:20 - Iteration 1679: Points 1630 (cluster 3678) and 1683 (cluster 1683) connect at weight=155.0
2025-04-09 19:04:13.614 | DEBUG    | __main__:<module>:20 - Iteration 1680: Points 1683 (cluster 3679) and 1688 (cluster 1688) connect at weight=154.0
2025-04-09 19:04:13.615 | DEBUG    | __main__:<module>:20 - Iteration 1681: Points 1680 (cluster 3680) and 1685 (cluster 1685) connect at weight=154.0
2025-04-09 19:04:13.615 | DEBUG    | __main__:<module>:20 - Iteration 1682: Points 1658 (cluster 3681) and 1684 (cluster 1684) connect at weight=154.0
2025-04-09 19:04:13.615 | DEBUG    | __main__:<module>:20 - Iteration 1683: Points 1689 (cluster 1689) and 1686 (cluster 1686) connect at weight=153.0
2025-04-09 19:04:13.615 | DEBUG    | __main__:<module>:20 - Iteration 1684: Points 1658 (cluster 3682) and 1689 (cluster 3683) connect at weight=153.0
2025-04-09 19:04:13.615 | DEBUG    | __main__:<module>:20 - Iteration 1685: Points 1612 (cluster 3684) and 1675 (cluster 1675) connect at weight=153.0
2025-04-09 19:04:13.615 | DEBUG    | __main__:<module>:20 - Iteration 1686: Points 1662 (cluster 3676) and 1687 (cluster 1687) connect at weight=152.0
2025-04-09 19:04:13.616 | DEBUG    | __main__:<module>:20 - Iteration 1687: Points 1696 (cluster 1696) and 1694 (cluster 1694) connect at weight=151.0
2025-04-09 19:04:13.616 | DEBUG    | __main__:<module>:20 - Iteration 1688: Points 1692 (cluster 1692) and 1693 (cluster 1693) connect at weight=151.0
2025-04-09 19:04:13.616 | DEBUG    | __main__:<module>:20 - Iteration 1689: Points 1692 (cluster 3688) and 1681 (cluster 3686) connect at weight=151.0
2025-04-09 19:04:13.616 | DEBUG    | __main__:<module>:20 - Iteration 1690: Points 1685 (cluster 3685) and 1698 (cluster 1698) connect at weight=151.0
2025-04-09 19:04:13.616 | DEBUG    | __main__:<module>:20 - Iteration 1691: Points 1685 (cluster 3690) and 1697 (cluster 1697) connect at weight=151.0
2025-04-09 19:04:13.617 | DEBUG    | __main__:<module>:20 - Iteration 1692: Points 1680 (cluster 3691) and 1696 (cluster 3687) connect at weight=151.0
2025-04-09 19:04:13.617 | DEBUG    | __main__:<module>:20 - Iteration 1693: Points 1678 (cluster 3689) and 1695 (cluster 1695) connect at weight=151.0
2025-04-09 19:04:13.617 | DEBUG    | __main__:<module>:20 - Iteration 1694: Points 1661 (cluster 3692) and 1690 (cluster 1690) connect at weight=151.0
2025-04-09 19:04:13.617 | DEBUG    | __main__:<module>:20 - Iteration 1695: Points 1691 (cluster 1691) and 1692 (cluster 3693) connect at weight=150.0
2025-04-09 19:04:13.617 | DEBUG    | __main__:<module>:20 - Iteration 1696: Points 1634 (cluster 3694) and 1699 (cluster 1699) connect at weight=149.0
2025-04-09 19:04:13.618 | DEBUG    | __main__:<module>:20 - Iteration 1697: Points 1659 (cluster 3696) and 1704 (cluster 1704) connect at weight=148.0
2025-04-09 19:04:13.618 | DEBUG    | __main__:<module>:20 - Iteration 1698: Points 1709 (cluster 1709) and 1691 (cluster 3695) connect at weight=147.0
2025-04-09 19:04:13.618 | DEBUG    | __main__:<module>:20 - Iteration 1699: Points 1707 (cluster 1707) and 1702 (cluster 1702) connect at weight=147.0
2025-04-09 19:04:13.618 | DEBUG    | __main__:<module>:20 - Iteration 1700: Points 1697 (cluster 3697) and 1705 (cluster 1705) connect at weight=147.0
2025-04-09 19:04:13.618 | DEBUG    | __main__:<module>:20 - Iteration 1701: Points 1690 (cluster 3700) and 1710 (cluster 1710) connect at weight=147.0
2025-04-09 19:04:13.618 | DEBUG    | __main__:<module>:20 - Iteration 1702: Points 1688 (cluster 3701) and 1708 (cluster 1708) connect at weight=147.0
2025-04-09 19:04:13.619 | DEBUG    | __main__:<module>:20 - Iteration 1703: Points 1711 (cluster 1711) and 1709 (cluster 3698) connect at weight=146.0
2025-04-09 19:04:13.619 | DEBUG    | __main__:<module>:20 - Iteration 1704: Points 1705 (cluster 3702) and 1715 (cluster 1715) connect at weight=146.0
2025-04-09 19:04:13.619 | DEBUG    | __main__:<module>:20 - Iteration 1705: Points 1688 (cluster 3704) and 1714 (cluster 1714) connect at weight=146.0
2025-04-09 19:04:13.619 | DEBUG    | __main__:<module>:20 - Iteration 1706: Points 1677 (cluster 3703) and 1712 (cluster 1712) connect at weight=146.0
2025-04-09 19:04:13.619 | DEBUG    | __main__:<module>:20 - Iteration 1707: Points 1677 (cluster 3706) and 1703 (cluster 1703) connect at weight=146.0
2025-04-09 19:04:13.619 | DEBUG    | __main__:<module>:20 - Iteration 1708: Points 1591 (cluster 3707) and 1716 (cluster 1716) connect at weight=146.0
2025-04-09 19:04:13.620 | DEBUG    | __main__:<module>:20 - Iteration 1709: Points 1718 (cluster 1718) and 1711 (cluster 3708) connect at weight=145.0
2025-04-09 19:04:13.620 | DEBUG    | __main__:<module>:20 - Iteration 1710: Points 1690 (cluster 3705) and 1719 (cluster 1719) connect at weight=145.0
2025-04-09 19:04:13.620 | DEBUG    | __main__:<module>:20 - Iteration 1711: Points 1688 (cluster 3710) and 1717 (cluster 1717) connect at weight=145.0
2025-04-09 19:04:13.620 | DEBUG    | __main__:<module>:20 - Iteration 1712: Points 1679 (cluster 3711) and 1713 (cluster 1713) connect at weight=145.0
2025-04-09 19:04:13.620 | DEBUG    | __main__:<module>:20 - Iteration 1713: Points 1672 (cluster 3709) and 1706 (cluster 1706) connect at weight=145.0
2025-04-09 19:04:13.621 | DEBUG    | __main__:<module>:20 - Iteration 1714: Points 1719 (cluster 3712) and 1722 (cluster 1722) connect at weight=144.0
2025-04-09 19:04:13.621 | DEBUG    | __main__:<module>:20 - Iteration 1715: Points 1715 (cluster 3714) and 1721 (cluster 1721) connect at weight=144.0
2025-04-09 19:04:13.621 | DEBUG    | __main__:<module>:20 - Iteration 1716: Points 1703 (cluster 3713) and 1723 (cluster 1723) connect at weight=144.0
2025-04-09 19:04:13.621 | DEBUG    | __main__:<module>:20 - Iteration 1717: Points 1702 (cluster 3699) and 1700 (cluster 1700) connect at weight=144.0
2025-04-09 19:04:13.621 | DEBUG    | __main__:<module>:20 - Iteration 1718: Points 1713 (cluster 3715) and 1707 (cluster 3717) connect at weight=143.0
2025-04-09 19:04:13.621 | DEBUG    | __main__:<module>:20 - Iteration 1719: Points 1700 (cluster 3718) and 1729 (cluster 1729) connect at weight=143.0
2025-04-09 19:04:13.622 | DEBUG    | __main__:<module>:20 - Iteration 1720: Points 1689 (cluster 3719) and 1728 (cluster 1728) connect at weight=143.0
2025-04-09 19:04:13.622 | DEBUG    | __main__:<module>:20 - Iteration 1721: Points 1720 (cluster 1720) and 1731 (cluster 1731) connect at weight=142.0
2025-04-09 19:04:13.622 | DEBUG    | __main__:<module>:20 - Iteration 1722: Points 1714 (cluster 3720) and 1724 (cluster 1724) connect at weight=142.0
2025-04-09 19:04:13.622 | DEBUG    | __main__:<module>:20 - Iteration 1723: Points 1710 (cluster 3722) and 1730 (cluster 1730) connect at weight=142.0
2025-04-09 19:04:13.622 | DEBUG    | __main__:<module>:20 - Iteration 1724: Points 1706 (cluster 3716) and 1725 (cluster 1725) connect at weight=142.0
2025-04-09 19:04:13.623 | DEBUG    | __main__:<module>:20 - Iteration 1725: Points 1695 (cluster 3724) and 1726 (cluster 1726) connect at weight=142.0
2025-04-09 19:04:13.623 | DEBUG    | __main__:<module>:20 - Iteration 1726: Points 1726 (cluster 3725) and 1736 (cluster 1736) connect at weight=141.0
2025-04-09 19:04:13.623 | DEBUG    | __main__:<module>:20 - Iteration 1727: Points 1715 (cluster 3723) and 1734 (cluster 1734) connect at weight=141.0
2025-04-09 19:04:13.623 | DEBUG    | __main__:<module>:20 - Iteration 1728: Points 1684 (cluster 3727) and 1735 (cluster 1735) connect at weight=141.0
2025-04-09 19:04:13.623 | DEBUG    | __main__:<module>:20 - Iteration 1729: Points 1713 (cluster 3728) and 1732 (cluster 1732) connect at weight=140.0
2025-04-09 19:04:13.623 | DEBUG    | __main__:<module>:20 - Iteration 1730: Points 1656 (cluster 3729) and 1720 (cluster 3721) connect at weight=140.0
2025-04-09 19:04:13.624 | DEBUG    | __main__:<module>:20 - Iteration 1731: Points 1725 (cluster 3726) and 1738 (cluster 1738) connect at weight=139.0
2025-04-09 19:04:13.624 | DEBUG    | __main__:<module>:20 - Iteration 1732: Points 1724 (cluster 3730) and 1737 (cluster 1737) connect at weight=139.0
2025-04-09 19:04:13.624 | DEBUG    | __main__:<module>:20 - Iteration 1733: Points 1693 (cluster 3731) and 1739 (cluster 1739) connect at weight=138.0
2025-04-09 19:04:13.624 | DEBUG    | __main__:<module>:20 - Iteration 1734: Points 1650 (cluster 1650) and 1727 (cluster 1727) connect at weight=138.0
2025-04-09 19:04:13.624 | DEBUG    | __main__:<module>:20 - Iteration 1735: Points 1586 (cluster 3732) and 1701 (cluster 1701) connect at weight=138.0
2025-04-09 19:04:13.624 | DEBUG    | __main__:<module>:20 - Iteration 1736: Points 1735 (cluster 3735) and 1742 (cluster 1742) connect at weight=137.0
2025-04-09 19:04:13.625 | DEBUG    | __main__:<module>:20 - Iteration 1737: Points 1731 (cluster 3736) and 1740 (cluster 1740) connect at weight=137.0
2025-04-09 19:04:13.625 | DEBUG    | __main__:<module>:20 - Iteration 1738: Points 1726 (cluster 3733) and 1741 (cluster 1741) connect at weight=137.0
2025-04-09 19:04:13.625 | DEBUG    | __main__:<module>:20 - Iteration 1739: Points 1700 (cluster 3737) and 1733 (cluster 1733) connect at weight=137.0
2025-04-09 19:04:13.625 | DEBUG    | __main__:<module>:20 - Iteration 1740: Points 1736 (cluster 3738) and 1746 (cluster 1746) connect at weight=136.0
2025-04-09 19:04:13.625 | DEBUG    | __main__:<module>:20 - Iteration 1741: Points 1701 (cluster 3739) and 1744 (cluster 1744) connect at weight=136.0
2025-04-09 19:04:13.626 | DEBUG    | __main__:<module>:20 - Iteration 1742: Points 1749 (cluster 1749) and 1747 (cluster 1747) connect at weight=135.0
2025-04-09 19:04:13.626 | DEBUG    | __main__:<module>:20 - Iteration 1743: Points 1730 (cluster 3741) and 1750 (cluster 1750) connect at weight=135.0
2025-04-09 19:04:13.626 | DEBUG    | __main__:<module>:20 - Iteration 1744: Points 1725 (cluster 3740) and 1749 (cluster 3742) connect at weight=135.0
2025-04-09 19:04:13.626 | DEBUG    | __main__:<module>:20 - Iteration 1745: Points 1717 (cluster 3743) and 1745 (cluster 1745) connect at weight=135.0
2025-04-09 19:04:13.626 | DEBUG    | __main__:<module>:20 - Iteration 1746: Points 1689 (cluster 3745) and 1743 (cluster 1743) connect at weight=135.0
2025-04-09 19:04:13.626 | DEBUG    | __main__:<module>:20 - Iteration 1747: Points 1642 (cluster 3744) and 1748 (cluster 1748) connect at weight=135.0
2025-04-09 19:04:13.627 | DEBUG    | __main__:<module>:20 - Iteration 1748: Points 1749 (cluster 3747) and 1754 (cluster 1754) connect at weight=134.0
2025-04-09 19:04:13.627 | DEBUG    | __main__:<module>:20 - Iteration 1749: Points 1723 (cluster 3748) and 1751 (cluster 1751) connect at weight=134.0
2025-04-09 19:04:13.627 | DEBUG    | __main__:<module>:20 - Iteration 1750: Points 1750 (cluster 3746) and 1753 (cluster 1753) connect at weight=133.0
2025-04-09 19:04:13.627 | DEBUG    | __main__:<module>:20 - Iteration 1751: Points 1724 (cluster 3750) and 1752 (cluster 1752) connect at weight=133.0
2025-04-09 19:04:13.627 | DEBUG    | __main__:<module>:20 - Iteration 1752: Points 1754 (cluster 3749) and 1757 (cluster 1757) connect at weight=132.0
2025-04-09 19:04:13.628 | DEBUG    | __main__:<module>:20 - Iteration 1753: Points 1743 (cluster 3751) and 1755 (cluster 1755) connect at weight=132.0
2025-04-09 19:04:13.628 | DEBUG    | __main__:<module>:20 - Iteration 1754: Points 886 (cluster 3753) and 1650 (cluster 3734) connect at weight=132.0
2025-04-09 19:04:13.628 | DEBUG    | __main__:<module>:20 - Iteration 1755: Points 1755 (cluster 3754) and 1761 (cluster 1761) connect at weight=131.0
2025-04-09 19:04:13.628 | DEBUG    | __main__:<module>:20 - Iteration 1756: Points 1746 (cluster 3752) and 1758 (cluster 1758) connect at weight=131.0
2025-04-09 19:04:13.628 | DEBUG    | __main__:<module>:20 - Iteration 1757: Points 1753 (cluster 3755) and 1762 (cluster 1762) connect at weight=130.0
2025-04-09 19:04:13.629 | DEBUG    | __main__:<module>:20 - Iteration 1758: Points 1752 (cluster 3757) and 1763 (cluster 1763) connect at weight=130.0
2025-04-09 19:04:13.629 | DEBUG    | __main__:<module>:20 - Iteration 1759: Points 1755 (cluster 3758) and 1764 (cluster 1764) connect at weight=129.0
2025-04-09 19:04:13.629 | DEBUG    | __main__:<module>:20 - Iteration 1760: Points 1764 (cluster 3759) and 1766 (cluster 1766) connect at weight=128.0
2025-04-09 19:04:13.629 | DEBUG    | __main__:<module>:20 - Iteration 1761: Points 1753 (cluster 3760) and 1765 (cluster 1765) connect at weight=128.0
2025-04-09 19:04:13.629 | DEBUG    | __main__:<module>:20 - Iteration 1762: Points 1766 (cluster 3761) and 1769 (cluster 1769) connect at weight=127.0
2025-04-09 19:04:13.629 | DEBUG    | __main__:<module>:20 - Iteration 1763: Points 1752 (cluster 3762) and 1768 (cluster 1768) connect at weight=127.0
2025-04-09 19:04:13.630 | DEBUG    | __main__:<module>:20 - Iteration 1764: Points 1769 (cluster 3763) and 1774 (cluster 1774) connect at weight=126.0
2025-04-09 19:04:13.630 | DEBUG    | __main__:<module>:20 - Iteration 1765: Points 1757 (cluster 3756) and 1770 (cluster 1770) connect at weight=126.0
2025-04-09 19:04:13.630 | DEBUG    | __main__:<module>:20 - Iteration 1766: Points 1771 (cluster 1771) and 1776 (cluster 1776) connect at weight=125.0
2025-04-09 19:04:13.630 | DEBUG    | __main__:<module>:20 - Iteration 1767: Points 1757 (cluster 3765) and 1775 (cluster 1775) connect at weight=125.0
2025-04-09 19:04:13.630 | DEBUG    | __main__:<module>:20 - Iteration 1768: Points 1737 (cluster 3764) and 1771 (cluster 3766) connect at weight=125.0
2025-04-09 19:04:13.631 | DEBUG    | __main__:<module>:20 - Iteration 1769: Points 1650 (cluster 3768) and 1756 (cluster 1756) connect at weight=125.0
2025-04-09 19:04:13.631 | DEBUG    | __main__:<module>:20 - Iteration 1770: Points 1776 (cluster 3769) and 1773 (cluster 1773) connect at weight=124.0
2025-04-09 19:04:13.631 | DEBUG    | __main__:<module>:20 - Iteration 1771: Points 1773 (cluster 3770) and 1777 (cluster 1777) connect at weight=124.0
2025-04-09 19:04:13.631 | DEBUG    | __main__:<module>:20 - Iteration 1772: Points 1769 (cluster 3771) and 1779 (cluster 1779) connect at weight=124.0
2025-04-09 19:04:13.631 | DEBUG    | __main__:<module>:20 - Iteration 1773: Points 1751 (cluster 3767) and 1780 (cluster 1780) connect at weight=124.0
2025-04-09 19:04:13.631 | DEBUG    | __main__:<module>:20 - Iteration 1774: Points 1776 (cluster 3772) and 1783 (cluster 1783) connect at weight=123.0
2025-04-09 19:04:13.632 | DEBUG    | __main__:<module>:20 - Iteration 1775: Points 1770 (cluster 3773) and 1782 (cluster 1782) connect at weight=123.0
2025-04-09 19:04:13.632 | DEBUG    | __main__:<module>:20 - Iteration 1776: Points 1745 (cluster 3774) and 1778 (cluster 1778) connect at weight=123.0
2025-04-09 19:04:13.632 | DEBUG    | __main__:<module>:20 - Iteration 1777: Points 1718 (cluster 3775) and 1781 (cluster 1781) connect at weight=123.0
2025-04-09 19:04:13.632 | DEBUG    | __main__:<module>:20 - Iteration 1778: Points 1772 (cluster 1772) and 1718 (cluster 3777) connect at weight=122.0
2025-04-09 19:04:13.632 | DEBUG    | __main__:<module>:20 - Iteration 1779: Points 1750 (cluster 3776) and 1784 (cluster 1784) connect at weight=122.0
2025-04-09 19:04:13.633 | DEBUG    | __main__:<module>:20 - Iteration 1780: Points 1777 (cluster 3779) and 1786 (cluster 1786) connect at weight=121.0
2025-04-09 19:04:13.633 | DEBUG    | __main__:<module>:20 - Iteration 1781: Points 1767 (cluster 1767) and 1772 (cluster 3778) connect at weight=121.0
2025-04-09 19:04:13.633 | DEBUG    | __main__:<module>:20 - Iteration 1782: Points 1786 (cluster 3780) and 1787 (cluster 1787) connect at weight=120.0
2025-04-09 19:04:13.633 | DEBUG    | __main__:<module>:20 - Iteration 1783: Points 1756 (cluster 3782) and 1785 (cluster 1785) connect at weight=120.0
2025-04-09 19:04:13.633 | DEBUG    | __main__:<module>:20 - Iteration 1784: Points 1792 (cluster 1792) and 1789 (cluster 1789) connect at weight=119.0
2025-04-09 19:04:13.634 | DEBUG    | __main__:<module>:20 - Iteration 1785: Points 1782 (cluster 3781) and 1793 (cluster 1793) connect at weight=119.0
2025-04-09 19:04:13.634 | DEBUG    | __main__:<module>:20 - Iteration 1786: Points 1701 (cluster 3783) and 1760 (cluster 1760) connect at weight=119.0
2025-04-09 19:04:13.634 | DEBUG    | __main__:<module>:20 - Iteration 1787: Points 1786 (cluster 3786) and 1797 (cluster 1797) connect at weight=118.0
2025-04-09 19:04:13.634 | DEBUG    | __main__:<module>:20 - Iteration 1788: Points 1776 (cluster 3787) and 1796 (cluster 1796) connect at weight=118.0
2025-04-09 19:04:13.634 | DEBUG    | __main__:<module>:20 - Iteration 1789: Points 1765 (cluster 3788) and 1792 (cluster 3784) connect at weight=118.0
2025-04-09 19:04:13.634 | DEBUG    | __main__:<module>:20 - Iteration 1790: Points 1743 (cluster 3789) and 1788 (cluster 1788) connect at weight=118.0
2025-04-09 19:04:13.635 | DEBUG    | __main__:<module>:20 - Iteration 1791: Points 1797 (cluster 3790) and 1795 (cluster 1795) connect at weight=117.0
2025-04-09 19:04:13.635 | DEBUG    | __main__:<module>:20 - Iteration 1792: Points 1794 (cluster 1794) and 1798 (cluster 1798) connect at weight=117.0
2025-04-09 19:04:13.635 | DEBUG    | __main__:<module>:20 - Iteration 1793: Points 1775 (cluster 3785) and 1794 (cluster 3792) connect at weight=117.0
2025-04-09 19:04:13.635 | DEBUG    | __main__:<module>:20 - Iteration 1794: Points 1721 (cluster 3791) and 1799 (cluster 1799) connect at weight=117.0
2025-04-09 19:04:13.635 | DEBUG    | __main__:<module>:20 - Iteration 1795: Points 1791 (cluster 1791) and 1767 (cluster 3793) connect at weight=116.0
2025-04-09 19:04:13.635 | DEBUG    | __main__:<module>:20 - Iteration 1796: Points 1781 (cluster 3795) and 1800 (cluster 1800) connect at weight=116.0
2025-04-09 19:04:13.636 | DEBUG    | __main__:<module>:20 - Iteration 1797: Points 1763 (cluster 3794) and 1803 (cluster 1803) connect at weight=116.0
2025-04-09 19:04:13.636 | DEBUG    | __main__:<module>:20 - Iteration 1798: Points 1700 (cluster 3797) and 1790 (cluster 1790) connect at weight=116.0
2025-04-09 19:04:13.636 | DEBUG    | __main__:<module>:20 - Iteration 1799: Points 1801 (cluster 1801) and 1806 (cluster 1806) connect at weight=115.0
2025-04-09 19:04:13.636 | DEBUG    | __main__:<module>:20 - Iteration 1800: Points 1795 (cluster 3798) and 1801 (cluster 3799) connect at weight=114.0
2025-04-09 19:04:13.636 | DEBUG    | __main__:<module>:20 - Iteration 1801: Points 1762 (cluster 3800) and 1808 (cluster 1808) connect at weight=114.0
2025-04-09 19:04:13.637 | DEBUG    | __main__:<module>:20 - Iteration 1802: Points 1815 (cluster 1815) and 1813 (cluster 1813) connect at weight=113.0
2025-04-09 19:04:13.637 | DEBUG    | __main__:<module>:20 - Iteration 1803: Points 1815 (cluster 3802) and 1811 (cluster 1811) connect at weight=113.0
2025-04-09 19:04:13.637 | DEBUG    | __main__:<module>:20 - Iteration 1804: Points 1808 (cluster 3801) and 1810 (cluster 1810) connect at weight=113.0
2025-04-09 19:04:13.637 | DEBUG    | __main__:<module>:20 - Iteration 1805: Points 1801 (cluster 3804) and 1807 (cluster 1807) connect at weight=113.0
2025-04-09 19:04:13.637 | DEBUG    | __main__:<module>:20 - Iteration 1806: Points 1801 (cluster 3805) and 1805 (cluster 1805) connect at weight=113.0
2025-04-09 19:04:13.638 | DEBUG    | __main__:<module>:20 - Iteration 1807: Points 1792 (cluster 3806) and 1815 (cluster 3803) connect at weight=113.0
2025-04-09 19:04:13.638 | DEBUG    | __main__:<module>:20 - Iteration 1808: Points 1790 (cluster 3807) and 1802 (cluster 1802) connect at weight=113.0
2025-04-09 19:04:13.638 | DEBUG    | __main__:<module>:20 - Iteration 1809: Points 1775 (cluster 3796) and 1809 (cluster 1809) connect at weight=113.0
2025-04-09 19:04:13.638 | DEBUG    | __main__:<module>:20 - Iteration 1810: Points 1818 (cluster 1818) and 1816 (cluster 1816) connect at weight=112.0
2025-04-09 19:04:13.638 | DEBUG    | __main__:<module>:20 - Iteration 1811: Points 1815 (cluster 3808) and 1818 (cluster 3810) connect at weight=112.0
2025-04-09 19:04:13.638 | DEBUG    | __main__:<module>:20 - Iteration 1812: Points 1814 (cluster 1814) and 1819 (cluster 1819) connect at weight=112.0
2025-04-09 19:04:13.640 | DEBUG    | __main__:<module>:20 - Iteration 1813: Points 1807 (cluster 3811) and 1820 (cluster 1820) connect at weight=111.0
2025-04-09 19:04:13.640 | DEBUG    | __main__:<module>:20 - Iteration 1814: Points 1802 (cluster 3813) and 1817 (cluster 1817) connect at weight=111.0
2025-04-09 19:04:13.640 | DEBUG    | __main__:<module>:20 - Iteration 1815: Points 1798 (cluster 3809) and 1814 (cluster 3812) connect at weight=111.0
2025-04-09 19:04:13.640 | DEBUG    | __main__:<module>:20 - Iteration 1816: Points 1798 (cluster 3815) and 1812 (cluster 1812) connect at weight=111.0
2025-04-09 19:04:13.640 | DEBUG    | __main__:<module>:20 - Iteration 1817: Points 1767 (cluster 3816) and 1804 (cluster 1804) connect at weight=108.0
2025-04-09 19:04:13.640 | DEBUG    | __main__:<module>:20 - Iteration 1818: Points 1819 (cluster 3817) and 1827 (cluster 1827) connect at weight=107.0
2025-04-09 19:04:13.641 | DEBUG    | __main__:<module>:20 - Iteration 1819: Points 1818 (cluster 3814) and 1825 (cluster 1825) connect at weight=107.0
2025-04-09 19:04:13.641 | DEBUG    | __main__:<module>:20 - Iteration 1820: Points 1788 (cluster 3819) and 1823 (cluster 1823) connect at weight=107.0
2025-04-09 19:04:13.641 | DEBUG    | __main__:<module>:20 - Iteration 1821: Points 1727 (cluster 3820) and 1821 (cluster 1821) connect at weight=107.0
2025-04-09 19:04:13.641 | DEBUG    | __main__:<module>:20 - Iteration 1822: Points 1832 (cluster 1832) and 1824 (cluster 1824) connect at weight=106.0
2025-04-09 19:04:13.641 | DEBUG    | __main__:<module>:20 - Iteration 1823: Points 1826 (cluster 1826) and 1830 (cluster 1830) connect at weight=106.0
2025-04-09 19:04:13.642 | DEBUG    | __main__:<module>:20 - Iteration 1824: Points 1785 (cluster 3821) and 1828 (cluster 1828) connect at weight=106.0
2025-04-09 19:04:13.642 | DEBUG    | __main__:<module>:20 - Iteration 1825: Points 1828 (cluster 3824) and 1835 (cluster 1835) connect at weight=105.0
2025-04-09 19:04:13.642 | DEBUG    | __main__:<module>:20 - Iteration 1826: Points 1824 (cluster 3822) and 1791 (cluster 3818) connect at weight=105.0
2025-04-09 19:04:13.642 | DEBUG    | __main__:<module>:20 - Iteration 1827: Points 1819 (cluster 3826) and 1826 (cluster 3823) connect at weight=105.0
2025-04-09 19:04:13.642 | DEBUG    | __main__:<module>:20 - Iteration 1828: Points 1812 (cluster 3827) and 1834 (cluster 1834) connect at weight=105.0
2025-04-09 19:04:13.642 | DEBUG    | __main__:<module>:20 - Iteration 1829: Points 1365 (cluster 3825) and 1759 (cluster 1759) connect at weight=105.0
2025-04-09 19:04:13.643 | DEBUG    | __main__:<module>:20 - Iteration 1830: Points 1785 (cluster 3829) and 1831 (cluster 1831) connect at weight=104.0
2025-04-09 19:04:13.643 | DEBUG    | __main__:<module>:20 - Iteration 1831: Points 1829 (cluster 1829) and 1822 (cluster 1822) connect at weight=103.0
2025-04-09 19:04:13.643 | DEBUG    | __main__:<module>:20 - Iteration 1832: Points 1820 (cluster 3830) and 1838 (cluster 1838) connect at weight=103.0
2025-04-09 19:04:13.643 | DEBUG    | __main__:<module>:20 - Iteration 1833: Points 1791 (cluster 3828) and 1837 (cluster 1837) connect at weight=102.0
2025-04-09 19:04:13.643 | DEBUG    | __main__:<module>:20 - Iteration 1834: Points 1781 (cluster 3833) and 1836 (cluster 1836) connect at weight=102.0
2025-04-09 19:04:13.643 | DEBUG    | __main__:<module>:20 - Iteration 1835: Points 1765 (cluster 3832) and 1839 (cluster 1839) connect at weight=102.0
2025-04-09 19:04:13.644 | DEBUG    | __main__:<module>:20 - Iteration 1836: Points 1842 (cluster 1842) and 1841 (cluster 1841) connect at weight=100.0
2025-04-09 19:04:13.644 | DEBUG    | __main__:<module>:20 - Iteration 1837: Points 1838 (cluster 3835) and 1842 (cluster 3836) connect at weight=100.0
2025-04-09 19:04:13.644 | DEBUG    | __main__:<module>:20 - Iteration 1838: Points 1836 (cluster 3834) and 1840 (cluster 1840) connect at weight=100.0
2025-04-09 19:04:13.644 | DEBUG    | __main__:<module>:20 - Iteration 1839: Points 1767 (cluster 3838) and 1833 (cluster 1833) connect at weight=100.0
2025-04-09 19:04:13.644 | DEBUG    | __main__:<module>:20 - Iteration 1840: Points 1844 (cluster 1844) and 1843 (cluster 1843) connect at weight=99.0
2025-04-09 19:04:13.644 | DEBUG    | __main__:<module>:20 - Iteration 1841: Points 1842 (cluster 3837) and 1845 (cluster 1845) connect at weight=99.0
2025-04-09 19:04:13.645 | DEBUG    | __main__:<module>:20 - Iteration 1842: Points 1838 (cluster 3841) and 1849 (cluster 1849) connect at weight=99.0
2025-04-09 19:04:13.645 | DEBUG    | __main__:<module>:20 - Iteration 1843: Points 1825 (cluster 3842) and 1847 (cluster 1847) connect at weight=99.0
2025-04-09 19:04:13.645 | DEBUG    | __main__:<module>:20 - Iteration 1844: Points 1818 (cluster 3843) and 1846 (cluster 1846) connect at weight=99.0
2025-04-09 19:04:13.645 | DEBUG    | __main__:<module>:20 - Iteration 1845: Points 1818 (cluster 3844) and 1844 (cluster 3840) connect at weight=99.0
2025-04-09 19:04:13.645 | DEBUG    | __main__:<module>:20 - Iteration 1846: Points 1759 (cluster 3845) and 1848 (cluster 1848) connect at weight=98.0
2025-04-09 19:04:13.646 | DEBUG    | __main__:<module>:20 - Iteration 1847: Points 1846 (cluster 3846) and 1852 (cluster 1852) connect at weight=97.0
2025-04-09 19:04:13.646 | DEBUG    | __main__:<module>:20 - Iteration 1848: Points 1832 (cluster 3839) and 1851 (cluster 1851) connect at weight=97.0
2025-04-09 19:04:13.646 | DEBUG    | __main__:<module>:20 - Iteration 1849: Points 1850 (cluster 1850) and 1855 (cluster 1855) connect at weight=96.0
2025-04-09 19:04:13.646 | DEBUG    | __main__:<module>:20 - Iteration 1850: Points 1835 (cluster 3847) and 1850 (cluster 3849) connect at weight=96.0
2025-04-09 19:04:13.646 | DEBUG    | __main__:<module>:20 - Iteration 1851: Points 1822 (cluster 3831) and 1853 (cluster 1853) connect at weight=95.0
2025-04-09 19:04:13.647 | DEBUG    | __main__:<module>:20 - Iteration 1852: Points 1821 (cluster 3850) and 1856 (cluster 1856) connect at weight=95.0
2025-04-09 19:04:13.647 | DEBUG    | __main__:<module>:20 - Iteration 1853: Points 1853 (cluster 3851) and 1857 (cluster 1857) connect at weight=94.0
2025-04-09 19:04:13.647 | DEBUG    | __main__:<module>:20 - Iteration 1854: Points 1851 (cluster 3848) and 1859 (cluster 1859) connect at weight=94.0
2025-04-09 19:04:13.647 | DEBUG    | __main__:<module>:20 - Iteration 1855: Points 1831 (cluster 3852) and 1858 (cluster 1858) connect at weight=94.0
2025-04-09 19:04:13.647 | DEBUG    | __main__:<module>:20 - Iteration 1856: Points 1790 (cluster 3855) and 1829 (cluster 3853) connect at weight=94.0
2025-04-09 19:04:13.647 | DEBUG    | __main__:<module>:20 - Iteration 1857: Points 1760 (cluster 3856) and 1854 (cluster 1854) connect at weight=94.0
2025-04-09 19:04:13.648 | DEBUG    | __main__:<module>:20 - Iteration 1858: Points 1855 (cluster 3857) and 1860 (cluster 1860) connect at weight=93.0
2025-04-09 19:04:13.648 | DEBUG    | __main__:<module>:20 - Iteration 1859: Points 1849 (cluster 3858) and 1862 (cluster 1862) connect at weight=93.0
2025-04-09 19:04:13.648 | DEBUG    | __main__:<module>:20 - Iteration 1860: Points 1834 (cluster 3854) and 1861 (cluster 1861) connect at weight=93.0
2025-04-09 19:04:13.648 | DEBUG    | __main__:<module>:20 - Iteration 1861: Points 1830 (cluster 3860) and 1863 (cluster 1863) connect at weight=91.0
2025-04-09 19:04:13.648 | DEBUG    | __main__:<module>:20 - Iteration 1862: Points 1864 (cluster 1864) and 1832 (cluster 3861) connect at weight=90.0
2025-04-09 19:04:13.649 | DEBUG    | __main__:<module>:20 - Iteration 1863: Points 1862 (cluster 3859) and 1866 (cluster 1866) connect at weight=90.0
2025-04-09 19:04:13.649 | DEBUG    | __main__:<module>:20 - Iteration 1864: Points 1845 (cluster 3863) and 1867 (cluster 1867) connect at weight=90.0
2025-04-09 19:04:13.649 | DEBUG    | __main__:<module>:20 - Iteration 1865: Points 1866 (cluster 3864) and 1869 (cluster 1869) connect at weight=89.0
2025-04-09 19:04:13.649 | DEBUG    | __main__:<module>:20 - Iteration 1866: Points 1859 (cluster 3862) and 1870 (cluster 1870) connect at weight=89.0
2025-04-09 19:04:13.650 | DEBUG    | __main__:<module>:20 - Iteration 1867: Points 1874 (cluster 1874) and 1873 (cluster 1873) connect at weight=88.0
2025-04-09 19:04:13.650 | DEBUG    | __main__:<module>:20 - Iteration 1868: Points 1874 (cluster 3867) and 1871 (cluster 1871) connect at weight=88.0
2025-04-09 19:04:13.650 | DEBUG    | __main__:<module>:20 - Iteration 1869: Points 1866 (cluster 3865) and 1875 (cluster 1875) connect at weight=88.0
2025-04-09 19:04:13.650 | DEBUG    | __main__:<module>:20 - Iteration 1870: Points 1860 (cluster 3869) and 1874 (cluster 3868) connect at weight=88.0
2025-04-09 19:04:13.650 | DEBUG    | __main__:<module>:20 - Iteration 1871: Points 1852 (cluster 3870) and 1872 (cluster 1872) connect at weight=88.0
2025-04-09 19:04:13.650 | DEBUG    | __main__:<module>:20 - Iteration 1872: Points 1879 (cluster 1879) and 1878 (cluster 1878) connect at weight=87.0
2025-04-09 19:04:13.651 | DEBUG    | __main__:<module>:20 - Iteration 1873: Points 1851 (cluster 3866) and 1879 (cluster 3872) connect at weight=87.0
2025-04-09 19:04:13.657 | DEBUG    | __main__:<module>:20 - Iteration 1874: Points 1860 (cluster 3871) and 1881 (cluster 1881) connect at weight=86.0
2025-04-09 19:04:13.659 | DEBUG    | __main__:<module>:20 - Iteration 1875: Points 1850 (cluster 3874) and 1880 (cluster 1880) connect at weight=86.0
2025-04-09 19:04:13.668 | DEBUG    | __main__:<module>:20 - Iteration 1876: Points 1858 (cluster 3875) and 1884 (cluster 1884) connect at weight=85.0
2025-04-09 19:04:13.669 | DEBUG    | __main__:<module>:20 - Iteration 1877: Points 1857 (cluster 3876) and 1877 (cluster 1877) connect at weight=85.0
2025-04-09 19:04:13.669 | DEBUG    | __main__:<module>:20 - Iteration 1878: Points 1885 (cluster 1885) and 1864 (cluster 3873) connect at weight=84.0
2025-04-09 19:04:13.669 | DEBUG    | __main__:<module>:20 - Iteration 1879: Points 1883 (cluster 1883) and 1887 (cluster 1887) connect at weight=84.0
2025-04-09 19:04:13.669 | DEBUG    | __main__:<module>:20 - Iteration 1880: Points 1882 (cluster 1882) and 1885 (cluster 3878) connect at weight=84.0
2025-04-09 19:04:13.670 | DEBUG    | __main__:<module>:20 - Iteration 1881: Points 1870 (cluster 3880) and 1883 (cluster 3879) connect at weight=84.0
2025-04-09 19:04:13.670 | DEBUG    | __main__:<module>:20 - Iteration 1882: Points 1860 (cluster 3877) and 1889 (cluster 1889) connect at weight=84.0
2025-04-09 19:04:13.670 | DEBUG    | __main__:<module>:20 - Iteration 1883: Points 1852 (cluster 3882) and 1886 (cluster 1886) connect at weight=84.0
2025-04-09 19:04:13.670 | DEBUG    | __main__:<module>:20 - Iteration 1884: Points 1727 (cluster 3883) and 1865 (cluster 1865) connect at weight=84.0
2025-04-09 19:04:13.670 | DEBUG    | __main__:<module>:20 - Iteration 1885: Points 1886 (cluster 3884) and 1891 (cluster 1891) connect at weight=83.0
2025-04-09 19:04:13.671 | DEBUG    | __main__:<module>:20 - Iteration 1886: Points 1863 (cluster 3881) and 1890 (cluster 1890) connect at weight=83.0
2025-04-09 19:04:13.671 | DEBUG    | __main__:<module>:20 - Iteration 1887: Points 1892 (cluster 1892) and 1882 (cluster 3886) connect at weight=82.0
2025-04-09 19:04:13.671 | DEBUG    | __main__:<module>:20 - Iteration 1888: Points 1877 (cluster 3885) and 1895 (cluster 1895) connect at weight=82.0
2025-04-09 19:04:13.671 | DEBUG    | __main__:<module>:20 - Iteration 1889: Points 1868 (cluster 1868) and 1894 (cluster 1894) connect at weight=82.0
2025-04-09 19:04:13.671 | DEBUG    | __main__:<module>:20 - Iteration 1890: Points 1891 (cluster 3888) and 1897 (cluster 1897) connect at weight=81.0
2025-04-09 19:04:13.671 | DEBUG    | __main__:<module>:20 - Iteration 1891: Points 1890 (cluster 3887) and 1893 (cluster 1893) connect at weight=81.0
2025-04-09 19:04:13.672 | DEBUG    | __main__:<module>:20 - Iteration 1892: Points 1869 (cluster 3890) and 1898 (cluster 1898) connect at weight=81.0
2025-04-09 19:04:13.672 | DEBUG    | __main__:<module>:20 - Iteration 1893: Points 1868 (cluster 3889) and 1892 (cluster 3891) connect at weight=81.0
2025-04-09 19:04:13.672 | DEBUG    | __main__:<module>:20 - Iteration 1894: Points 1865 (cluster 3892) and 1899 (cluster 1899) connect at weight=80.0
2025-04-09 19:04:13.672 | DEBUG    | __main__:<module>:20 - Iteration 1895: Points 1806 (cluster 3894) and 1900 (cluster 1900) connect at weight=80.0
2025-04-09 19:04:13.672 | DEBUG    | __main__:<module>:20 - Iteration 1896: Points 1897 (cluster 3895) and 1901 (cluster 1901) connect at weight=79.0
2025-04-09 19:04:13.672 | DEBUG    | __main__:<module>:20 - Iteration 1897: Points 1893 (cluster 3893) and 1902 (cluster 1902) connect at weight=79.0
2025-04-09 19:04:13.673 | DEBUG    | __main__:<module>:20 - Iteration 1898: Points 1891 (cluster 3896) and 1906 (cluster 1906) connect at weight=79.0
2025-04-09 19:04:13.673 | DEBUG    | __main__:<module>:20 - Iteration 1899: Points 1890 (cluster 3897) and 1896 (cluster 1896) connect at weight=79.0
2025-04-09 19:04:13.673 | DEBUG    | __main__:<module>:20 - Iteration 1900: Points 1887 (cluster 3899) and 1903 (cluster 1903) connect at weight=79.0
2025-04-09 19:04:13.673 | DEBUG    | __main__:<module>:20 - Iteration 1901: Points 1875 (cluster 3898) and 1907 (cluster 1907) connect at weight=79.0
2025-04-09 19:04:13.673 | DEBUG    | __main__:<module>:20 - Iteration 1902: Points 1760 (cluster 3901) and 1888 (cluster 1888) connect at weight=79.0
2025-04-09 19:04:13.674 | DEBUG    | __main__:<module>:20 - Iteration 1903: Points 1894 (cluster 3900) and 1911 (cluster 1911) connect at weight=78.0
2025-04-09 19:04:13.674 | DEBUG    | __main__:<module>:20 - Iteration 1904: Points 1893 (cluster 3903) and 1910 (cluster 1910) connect at weight=78.0
2025-04-09 19:04:13.674 | DEBUG    | __main__:<module>:20 - Iteration 1905: Points 1885 (cluster 3904) and 1909 (cluster 1909) connect at weight=78.0
2025-04-09 19:04:13.674 | DEBUG    | __main__:<module>:20 - Iteration 1906: Points 1879 (cluster 3905) and 1908 (cluster 1908) connect at weight=78.0
2025-04-09 19:04:13.674 | DEBUG    | __main__:<module>:20 - Iteration 1907: Points 1876 (cluster 1876) and 1905 (cluster 1905) connect at weight=78.0
2025-04-09 19:04:13.674 | DEBUG    | __main__:<module>:20 - Iteration 1908: Points 1856 (cluster 3902) and 1904 (cluster 1904) connect at weight=78.0
2025-04-09 19:04:13.675 | DEBUG    | __main__:<module>:20 - Iteration 1909: Points 1908 (cluster 3906) and 1912 (cluster 1912) connect at weight=77.0
2025-04-09 19:04:13.675 | DEBUG    | __main__:<module>:20 - Iteration 1910: Points 1895 (cluster 3908) and 1914 (cluster 1914) connect at weight=76.0
2025-04-09 19:04:13.675 | DEBUG    | __main__:<module>:20 - Iteration 1911: Points 1912 (cluster 3909) and 1917 (cluster 1917) connect at weight=75.0
2025-04-09 19:04:13.675 | DEBUG    | __main__:<module>:20 - Iteration 1912: Points 1909 (cluster 3911) and 1918 (cluster 1918) connect at weight=75.0
2025-04-09 19:04:13.675 | DEBUG    | __main__:<module>:20 - Iteration 1913: Points 1907 (cluster 3910) and 1916 (cluster 1916) connect at weight=75.0
2025-04-09 19:04:13.675 | DEBUG    | __main__:<module>:20 - Iteration 1914: Points 1876 (cluster 3907) and 1915 (cluster 1915) connect at weight=75.0
2025-04-09 19:04:13.676 | DEBUG    | __main__:<module>:20 - Iteration 1915: Points 1899 (cluster 3913) and 1920 (cluster 1920) connect at weight=74.0
2025-04-09 19:04:13.676 | DEBUG    | __main__:<module>:20 - Iteration 1916: Points 1918 (cluster 3912) and 1922 (cluster 1922) connect at weight=73.0
2025-04-09 19:04:13.676 | DEBUG    | __main__:<module>:20 - Iteration 1917: Points 1895 (cluster 3915) and 1921 (cluster 1921) connect at weight=73.0
2025-04-09 19:04:13.676 | DEBUG    | __main__:<module>:20 - Iteration 1918: Points 1911 (cluster 3916) and 1923 (cluster 1923) connect at weight=72.0
2025-04-09 19:04:13.676 | DEBUG    | __main__:<module>:20 - Iteration 1919: Points 1901 (cluster 3917) and 1924 (cluster 1924) connect at weight=72.0
2025-04-09 19:04:13.679 | DEBUG    | __main__:<module>:20 - Iteration 1920: Points 1899 (cluster 3919) and 1926 (cluster 1926) connect at weight=71.0
2025-04-09 19:04:13.679 | DEBUG    | __main__:<module>:20 - Iteration 1921: Points 1854 (cluster 3920) and 1919 (cluster 1919) connect at weight=71.0
2025-04-09 19:04:13.680 | DEBUG    | __main__:<module>:20 - Iteration 1922: Points 1916 (cluster 3921) and 1928 (cluster 1928) connect at weight=70.0
2025-04-09 19:04:13.680 | DEBUG    | __main__:<module>:20 - Iteration 1923: Points 1910 (cluster 3918) and 1927 (cluster 1927) connect at weight=70.0
2025-04-09 19:04:13.680 | DEBUG    | __main__:<module>:20 - Iteration 1924: Points 1877 (cluster 3922) and 1876 (cluster 3914) connect at weight=68.0
2025-04-09 19:04:13.680 | DEBUG    | __main__:<module>:20 - Iteration 1925: Points 1837 (cluster 3923) and 1913 (cluster 1913) connect at weight=68.0
2025-04-09 19:04:13.680 | DEBUG    | __main__:<module>:20 - Iteration 1926: Points 1916 (cluster 3924) and 1929 (cluster 1929) connect at weight=67.0
2025-04-09 19:04:13.681 | DEBUG    | __main__:<module>:20 - Iteration 1927: Points 1927 (cluster 3925) and 1932 (cluster 1932) connect at weight=66.0
2025-04-09 19:04:13.681 | DEBUG    | __main__:<module>:20 - Iteration 1928: Points 1876 (cluster 3926) and 1868 (cluster 3927) connect at weight=66.0
2025-04-09 19:04:13.682 | DEBUG    | __main__:<module>:20 - Iteration 1929: Points 1927 (cluster 3928) and 1930 (cluster 1930) connect at weight=65.0
2025-04-09 19:04:13.682 | DEBUG    | __main__:<module>:20 - Iteration 1930: Points 1920 (cluster 3929) and 1931 (cluster 1931) connect at weight=65.0
2025-04-09 19:04:13.682 | DEBUG    | __main__:<module>:20 - Iteration 1931: Points 1910 (cluster 3930) and 1934 (cluster 1934) connect at weight=65.0
2025-04-09 19:04:13.682 | DEBUG    | __main__:<module>:20 - Iteration 1932: Points 1931 (cluster 3931) and 1935 (cluster 1935) connect at weight=64.0
2025-04-09 19:04:13.682 | DEBUG    | __main__:<module>:20 - Iteration 1933: Points 1924 (cluster 3932) and 1933 (cluster 1933) connect at weight=64.0
2025-04-09 19:04:13.682 | DEBUG    | __main__:<module>:20 - Iteration 1934: Points 1931 (cluster 3933) and 1937 (cluster 1937) connect at weight=63.0
2025-04-09 19:04:13.683 | DEBUG    | __main__:<module>:20 - Iteration 1935: Points 1911 (cluster 3934) and 1939 (cluster 1939) connect at weight=63.0
2025-04-09 19:04:13.683 | DEBUG    | __main__:<module>:20 - Iteration 1936: Points 1929 (cluster 3935) and 1940 (cluster 1940) connect at weight=62.0
2025-04-09 19:04:13.683 | DEBUG    | __main__:<module>:20 - Iteration 1937: Points 1924 (cluster 3936) and 1938 (cluster 1938) connect at weight=62.0
2025-04-09 19:04:13.684 | DEBUG    | __main__:<module>:20 - Iteration 1938: Points 1919 (cluster 3937) and 1936 (cluster 1936) connect at weight=62.0
2025-04-09 19:04:13.684 | DEBUG    | __main__:<module>:20 - Iteration 1939: Points 1822 (cluster 3938) and 1925 (cluster 1925) connect at weight=62.0
2025-04-09 19:04:13.684 | DEBUG    | __main__:<module>:20 - Iteration 1940: Points 1930 (cluster 3939) and 1941 (cluster 1941) connect at weight=61.0
2025-04-09 19:04:13.684 | DEBUG    | __main__:<module>:20 - Iteration 1941: Points 1829 (cluster 3940) and 1942 (cluster 1942) connect at weight=59.0
2025-04-09 19:04:13.684 | DEBUG    | __main__:<module>:20 - Iteration 1942: Points 1937 (cluster 3941) and 1944 (cluster 1944) connect at weight=58.0
2025-04-09 19:04:13.685 | DEBUG    | __main__:<module>:20 - Iteration 1943: Points 1833 (cluster 3942) and 1943 (cluster 1943) connect at weight=58.0
2025-04-09 19:04:13.685 | DEBUG    | __main__:<module>:20 - Iteration 1944: Points 1925 (cluster 3943) and 1946 (cluster 1946) connect at weight=54.0
2025-04-09 19:04:13.685 | DEBUG    | __main__:<module>:20 - Iteration 1945: Points 1926 (cluster 3944) and 1945 (cluster 1945) connect at weight=53.0
2025-04-09 19:04:13.685 | DEBUG    | __main__:<module>:20 - Iteration 1946: Points 1938 (cluster 3945) and 1947 (cluster 1947) connect at weight=52.0
2025-04-09 19:04:13.685 | DEBUG    | __main__:<module>:20 - Iteration 1947: Points 1945 (cluster 3946) and 1948 (cluster 1948) connect at weight=51.0
2025-04-09 19:04:13.685 | DEBUG    | __main__:<module>:20 - Iteration 1948: Points 1944 (cluster 3947) and 1950 (cluster 1950) connect at weight=51.0
2025-04-09 19:04:13.686 | DEBUG    | __main__:<module>:20 - Iteration 1949: Points 1940 (cluster 3948) and 1949 (cluster 1949) connect at weight=51.0
2025-04-09 19:04:13.686 | DEBUG    | __main__:<module>:20 - Iteration 1950: Points 1938 (cluster 3949) and 1951 (cluster 1951) connect at weight=50.0
2025-04-09 19:04:13.686 | DEBUG    | __main__:<module>:20 - Iteration 1951: Points 1941 (cluster 3950) and 1953 (cluster 1953) connect at weight=49.0
2025-04-09 19:04:13.686 | DEBUG    | __main__:<module>:20 - Iteration 1952: Points 1941 (cluster 3951) and 1952 (cluster 1952) connect at weight=49.0
2025-04-09 19:04:13.686 | DEBUG    | __main__:<module>:20 - Iteration 1953: Points 1940 (cluster 3952) and 1956 (cluster 1956) connect at weight=46.0
2025-04-09 19:04:13.687 | DEBUG    | __main__:<module>:20 - Iteration 1954: Points 1925 (cluster 3953) and 1955 (cluster 1955) connect at weight=46.0
2025-04-09 19:04:13.687 | DEBUG    | __main__:<module>:20 - Iteration 1955: Points 1934 (cluster 3954) and 1957 (cluster 1957) connect at weight=45.0
2025-04-09 19:04:13.687 | DEBUG    | __main__:<module>:20 - Iteration 1956: Points 1936 (cluster 3955) and 1958 (cluster 1958) connect at weight=44.0
2025-04-09 19:04:13.687 | DEBUG    | __main__:<module>:20 - Iteration 1957: Points 1915 (cluster 3956) and 1954 (cluster 1954) connect at weight=44.0
2025-04-09 19:04:13.687 | DEBUG    | __main__:<module>:20 - Iteration 1958: Points 1956 (cluster 3957) and 1959 (cluster 1959) connect at weight=43.0
2025-04-09 19:04:13.687 | DEBUG    | __main__:<module>:20 - Iteration 1959: Points 1948 (cluster 3958) and 1960 (cluster 1960) connect at weight=43.0
2025-04-09 19:04:13.688 | DEBUG    | __main__:<module>:20 - Iteration 1960: Points 1960 (cluster 3959) and 1961 (cluster 1961) connect at weight=42.0
2025-04-09 19:04:13.688 | DEBUG    | __main__:<module>:20 - Iteration 1961: Points 1939 (cluster 3960) and 1962 (cluster 1962) connect at weight=42.0
2025-04-09 19:04:13.688 | DEBUG    | __main__:<module>:20 - Iteration 1962: Points 1948 (cluster 3961) and 1963 (cluster 1963) connect at weight=41.0
2025-04-09 19:04:13.688 | DEBUG    | __main__:<module>:20 - Iteration 1963: Points 1951 (cluster 3962) and 1964 (cluster 1964) connect at weight=38.0
2025-04-09 19:04:13.688 | DEBUG    | __main__:<module>:20 - Iteration 1964: Points 1961 (cluster 3963) and 1965 (cluster 1965) connect at weight=37.0
2025-04-09 19:04:13.689 | DEBUG    | __main__:<module>:20 - Iteration 1965: Points 1959 (cluster 3964) and 1967 (cluster 1967) connect at weight=37.0
2025-04-09 19:04:13.689 | DEBUG    | __main__:<module>:20 - Iteration 1966: Points 1939 (cluster 3965) and 1968 (cluster 1968) connect at weight=37.0
2025-04-09 19:04:13.689 | DEBUG    | __main__:<module>:20 - Iteration 1967: Points 1967 (cluster 3966) and 1969 (cluster 1969) connect at weight=36.0
2025-04-09 19:04:13.689 | DEBUG    | __main__:<module>:20 - Iteration 1968: Points 1947 (cluster 3967) and 1966 (cluster 1966) connect at weight=36.0
2025-04-09 19:04:13.689 | DEBUG    | __main__:<module>:20 - Iteration 1969: Points 1687 (cluster 3968) and 1970 (cluster 1970) connect at weight=34.0
2025-04-09 19:04:13.691 | DEBUG    | __main__:<module>:20 - Iteration 1970: Points 1966 (cluster 3969) and 1974 (cluster 1974) connect at weight=33.0
2025-04-09 19:04:13.692 | DEBUG    | __main__:<module>:20 - Iteration 1971: Points 1953 (cluster 3970) and 1971 (cluster 1971) connect at weight=33.0
2025-04-09 19:04:13.692 | DEBUG    | __main__:<module>:20 - Iteration 1972: Points 1965 (cluster 3971) and 1975 (cluster 1975) connect at weight=32.0
2025-04-09 19:04:13.692 | DEBUG    | __main__:<module>:20 - Iteration 1973: Points 1963 (cluster 3972) and 1976 (cluster 1976) connect at weight=32.0
2025-04-09 19:04:13.692 | DEBUG    | __main__:<module>:20 - Iteration 1974: Points 1953 (cluster 3973) and 1973 (cluster 1973) connect at weight=32.0
2025-04-09 19:04:13.692 | DEBUG    | __main__:<module>:20 - Iteration 1975: Points 1967 (cluster 3974) and 1977 (cluster 1977) connect at weight=31.0
2025-04-09 19:04:13.693 | DEBUG    | __main__:<module>:20 - Iteration 1976: Points 1954 (cluster 3975) and 1972 (cluster 1972) connect at weight=31.0
2025-04-09 19:04:13.693 | DEBUG    | __main__:<module>:20 - Iteration 1977: Points 1977 (cluster 3976) and 1978 (cluster 1978) connect at weight=30.0
2025-04-09 19:04:13.693 | DEBUG    | __main__:<module>:20 - Iteration 1978: Points 1973 (cluster 3977) and 1979 (cluster 1979) connect at weight=30.0
2025-04-09 19:04:13.693 | DEBUG    | __main__:<module>:20 - Iteration 1979: Points 1971 (cluster 3978) and 1981 (cluster 1981) connect at weight=30.0
2025-04-09 19:04:13.693 | DEBUG    | __main__:<module>:20 - Iteration 1980: Points 1969 (cluster 3979) and 1980 (cluster 1980) connect at weight=30.0
2025-04-09 19:04:13.694 | DEBUG    | __main__:<module>:20 - Iteration 1981: Points 1980 (cluster 3980) and 1982 (cluster 1982) connect at weight=28.0
2025-04-09 19:04:13.694 | DEBUG    | __main__:<module>:20 - Iteration 1982: Points 1981 (cluster 3981) and 1983 (cluster 1983) connect at weight=27.0
2025-04-09 19:04:13.694 | DEBUG    | __main__:<module>:20 - Iteration 1983: Points 1983 (cluster 3982) and 1984 (cluster 1984) connect at weight=25.0
2025-04-09 19:04:13.694 | DEBUG    | __main__:<module>:20 - Iteration 1984: Points 1984 (cluster 3983) and 1985 (cluster 1985) connect at weight=24.0
2025-04-09 19:04:13.694 | DEBUG    | __main__:<module>:20 - Iteration 1985: Points 1985 (cluster 3984) and 1986 (cluster 1986) connect at weight=20.0
2025-04-09 19:04:13.694 | DEBUG    | __main__:<module>:20 - Iteration 1986: Points 1976 (cluster 3985) and 1987 (cluster 1987) connect at weight=20.0
2025-04-09 19:04:13.695 | DEBUG    | __main__:<module>:20 - Iteration 1987: Points 1989 (cluster 1989) and 1988 (cluster 1988) connect at weight=15.0
2025-04-09 19:04:13.695 | DEBUG    | __main__:<module>:20 - Iteration 1988: Points 1987 (cluster 3986) and 1990 (cluster 1990) connect at weight=15.0
2025-04-09 19:04:13.695 | DEBUG    | __main__:<module>:20 - Iteration 1989: Points 1986 (cluster 3988) and 1989 (cluster 3987) connect at weight=15.0
2025-04-09 19:04:13.695 | DEBUG    | __main__:<module>:20 - Iteration 1990: Points 1974 (cluster 3989) and 1992 (cluster 1992) connect at weight=13.0
2025-04-09 19:04:13.695 | DEBUG    | __main__:<module>:20 - Iteration 1991: Points 1988 (cluster 3990) and 1991 (cluster 1991) connect at weight=12.0
2025-04-09 19:04:13.696 | DEBUG    | __main__:<module>:20 - Iteration 1992: Points 1992 (cluster 3991) and 1993 (cluster 1993) connect at weight=11.0
2025-04-09 19:04:13.696 | DEBUG    | __main__:<module>:20 - Iteration 1993: Points 1993 (cluster 3992) and 1994 (cluster 1994) connect at weight=7.0
2025-04-09 19:04:13.696 | DEBUG    | __main__:<module>:20 - Iteration 1994: Points 1994 (cluster 3993) and 1995 (cluster 1995) connect at weight=6.0
2025-04-09 19:04:13.696 | DEBUG    | __main__:<module>:20 - Iteration 1995: Points 1991 (cluster 3994) and 1996 (cluster 1996) connect at weight=4.0
2025-04-09 19:04:13.696 | DEBUG    | __main__:<module>:20 - Iteration 1996: Points 1996 (cluster 3995) and 1997 (cluster 1997) connect at weight=3.0
2025-04-09 19:04:13.696 | DEBUG    | __main__:<module>:20 - Iteration 1997: Points 1997 (cluster 3996) and 1998 (cluster 1998) connect at weight=2.0
2025-04-09 19:04:13.697 | INFO     | __main__:<module>:20 - Found 2 disjoint components
2025-04-09 19:04:13.697 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 19:04:13.708 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 19:04:13.711 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 19:04:13.762 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterCommonNNMSTPrim
2025-04-09 19:04:16.500 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 19:04:16.501 | DEBUG    | __main__:<module>:20 - 1998 edges in MST
2025-04-09 19:04:16.501 | DEBUG    | __main__:<module>:20 - Iteration 0: Points 14 (cluster 14) and 13 (cluster 13) connect at weight=667.0
2025-04-09 19:04:16.501 | DEBUG    | __main__:<module>:20 - Iteration 1: Points 14 (cluster 2000) and 12 (cluster 12) connect at weight=667.0
2025-04-09 19:04:16.501 | DEBUG    | __main__:<module>:20 - Iteration 2: Points 14 (cluster 2001) and 11 (cluster 11) connect at weight=667.0
2025-04-09 19:04:16.501 | DEBUG    | __main__:<module>:20 - Iteration 3: Points 14 (cluster 2002) and 10 (cluster 10) connect at weight=667.0
2025-04-09 19:04:16.502 | DEBUG    | __main__:<module>:20 - Iteration 4: Points 14 (cluster 2003) and 9 (cluster 9) connect at weight=667.0
2025-04-09 19:04:16.502 | DEBUG    | __main__:<module>:20 - Iteration 5: Points 14 (cluster 2004) and 8 (cluster 8) connect at weight=667.0
2025-04-09 19:04:16.502 | DEBUG    | __main__:<module>:20 - Iteration 6: Points 14 (cluster 2005) and 7 (cluster 7) connect at weight=667.0
2025-04-09 19:04:16.502 | DEBUG    | __main__:<module>:20 - Iteration 7: Points 14 (cluster 2006) and 6 (cluster 6) connect at weight=667.0
2025-04-09 19:04:16.502 | DEBUG    | __main__:<module>:20 - Iteration 8: Points 14 (cluster 2007) and 5 (cluster 5) connect at weight=667.0
2025-04-09 19:04:16.503 | DEBUG    | __main__:<module>:20 - Iteration 9: Points 14 (cluster 2008) and 4 (cluster 4) connect at weight=667.0
2025-04-09 19:04:16.503 | DEBUG    | __main__:<module>:20 - Iteration 10: Points 14 (cluster 2009) and 3 (cluster 3) connect at weight=667.0
2025-04-09 19:04:16.503 | DEBUG    | __main__:<module>:20 - Iteration 11: Points 14 (cluster 2010) and 2 (cluster 2) connect at weight=667.0
2025-04-09 19:04:16.503 | DEBUG    | __main__:<module>:20 - Iteration 12: Points 14 (cluster 2011) and 1 (cluster 1) connect at weight=667.0
2025-04-09 19:04:16.503 | DEBUG    | __main__:<module>:20 - Iteration 13: Points 0 (cluster 0) and 14 (cluster 2012) connect at weight=667.0
2025-04-09 19:04:16.504 | DEBUG    | __main__:<module>:20 - Iteration 14: Points 69 (cluster 69) and 68 (cluster 68) connect at weight=666.0
2025-04-09 19:04:16.504 | DEBUG    | __main__:<module>:20 - Iteration 15: Points 69 (cluster 2014) and 67 (cluster 67) connect at weight=666.0
2025-04-09 19:04:16.504 | DEBUG    | __main__:<module>:20 - Iteration 16: Points 69 (cluster 2015) and 66 (cluster 66) connect at weight=666.0
2025-04-09 19:04:16.504 | DEBUG    | __main__:<module>:20 - Iteration 17: Points 69 (cluster 2016) and 65 (cluster 65) connect at weight=666.0
2025-04-09 19:04:16.504 | DEBUG    | __main__:<module>:20 - Iteration 18: Points 69 (cluster 2017) and 64 (cluster 64) connect at weight=666.0
2025-04-09 19:04:16.505 | DEBUG    | __main__:<module>:20 - Iteration 19: Points 69 (cluster 2018) and 62 (cluster 62) connect at weight=666.0
2025-04-09 19:04:16.505 | DEBUG    | __main__:<module>:20 - Iteration 20: Points 69 (cluster 2019) and 60 (cluster 60) connect at weight=666.0
2025-04-09 19:04:16.505 | DEBUG    | __main__:<module>:20 - Iteration 21: Points 69 (cluster 2020) and 58 (cluster 58) connect at weight=666.0
2025-04-09 19:04:16.505 | DEBUG    | __main__:<module>:20 - Iteration 22: Points 69 (cluster 2021) and 57 (cluster 57) connect at weight=666.0
2025-04-09 19:04:16.505 | DEBUG    | __main__:<module>:20 - Iteration 23: Points 69 (cluster 2022) and 56 (cluster 56) connect at weight=666.0
2025-04-09 19:04:16.506 | DEBUG    | __main__:<module>:20 - Iteration 24: Points 69 (cluster 2023) and 54 (cluster 54) connect at weight=666.0
2025-04-09 19:04:16.506 | DEBUG    | __main__:<module>:20 - Iteration 25: Points 69 (cluster 2024) and 53 (cluster 53) connect at weight=666.0
2025-04-09 19:04:16.506 | DEBUG    | __main__:<module>:20 - Iteration 26: Points 69 (cluster 2025) and 52 (cluster 52) connect at weight=666.0
2025-04-09 19:04:16.506 | DEBUG    | __main__:<module>:20 - Iteration 27: Points 69 (cluster 2026) and 51 (cluster 51) connect at weight=666.0
2025-04-09 19:04:16.506 | DEBUG    | __main__:<module>:20 - Iteration 28: Points 69 (cluster 2027) and 49 (cluster 49) connect at weight=666.0
2025-04-09 19:04:16.507 | DEBUG    | __main__:<module>:20 - Iteration 29: Points 69 (cluster 2028) and 46 (cluster 46) connect at weight=666.0
2025-04-09 19:04:16.507 | DEBUG    | __main__:<module>:20 - Iteration 30: Points 69 (cluster 2029) and 44 (cluster 44) connect at weight=666.0
2025-04-09 19:04:16.507 | DEBUG    | __main__:<module>:20 - Iteration 31: Points 69 (cluster 2030) and 43 (cluster 43) connect at weight=666.0
2025-04-09 19:04:16.509 | DEBUG    | __main__:<module>:20 - Iteration 32: Points 69 (cluster 2031) and 41 (cluster 41) connect at weight=666.0
2025-04-09 19:04:16.509 | DEBUG    | __main__:<module>:20 - Iteration 33: Points 69 (cluster 2032) and 40 (cluster 40) connect at weight=666.0
2025-04-09 19:04:16.509 | DEBUG    | __main__:<module>:20 - Iteration 34: Points 69 (cluster 2033) and 39 (cluster 39) connect at weight=666.0
2025-04-09 19:04:16.509 | DEBUG    | __main__:<module>:20 - Iteration 35: Points 69 (cluster 2034) and 38 (cluster 38) connect at weight=666.0
2025-04-09 19:04:16.509 | DEBUG    | __main__:<module>:20 - Iteration 36: Points 69 (cluster 2035) and 36 (cluster 36) connect at weight=666.0
2025-04-09 19:04:16.510 | DEBUG    | __main__:<module>:20 - Iteration 37: Points 69 (cluster 2036) and 34 (cluster 34) connect at weight=666.0
2025-04-09 19:04:16.510 | DEBUG    | __main__:<module>:20 - Iteration 38: Points 69 (cluster 2037) and 31 (cluster 31) connect at weight=666.0
2025-04-09 19:04:16.510 | DEBUG    | __main__:<module>:20 - Iteration 39: Points 69 (cluster 2038) and 29 (cluster 29) connect at weight=666.0
2025-04-09 19:04:16.510 | DEBUG    | __main__:<module>:20 - Iteration 40: Points 69 (cluster 2039) and 28 (cluster 28) connect at weight=666.0
2025-04-09 19:04:16.511 | DEBUG    | __main__:<module>:20 - Iteration 41: Points 69 (cluster 2040) and 27 (cluster 27) connect at weight=666.0
2025-04-09 19:04:16.511 | DEBUG    | __main__:<module>:20 - Iteration 42: Points 69 (cluster 2041) and 26 (cluster 26) connect at weight=666.0
2025-04-09 19:04:16.511 | DEBUG    | __main__:<module>:20 - Iteration 43: Points 69 (cluster 2042) and 25 (cluster 25) connect at weight=666.0
2025-04-09 19:04:16.511 | DEBUG    | __main__:<module>:20 - Iteration 44: Points 69 (cluster 2043) and 22 (cluster 22) connect at weight=666.0
2025-04-09 19:04:16.511 | DEBUG    | __main__:<module>:20 - Iteration 45: Points 69 (cluster 2044) and 20 (cluster 20) connect at weight=666.0
2025-04-09 19:04:16.512 | DEBUG    | __main__:<module>:20 - Iteration 46: Points 69 (cluster 2045) and 17 (cluster 17) connect at weight=666.0
2025-04-09 19:04:16.512 | DEBUG    | __main__:<module>:20 - Iteration 47: Points 69 (cluster 2046) and 16 (cluster 16) connect at weight=666.0
2025-04-09 19:04:16.512 | DEBUG    | __main__:<module>:20 - Iteration 48: Points 69 (cluster 2047) and 15 (cluster 15) connect at weight=666.0
2025-04-09 19:04:16.512 | DEBUG    | __main__:<module>:20 - Iteration 49: Points 63 (cluster 63) and 50 (cluster 50) connect at weight=666.0
2025-04-09 19:04:16.512 | DEBUG    | __main__:<module>:20 - Iteration 50: Points 63 (cluster 2049) and 48 (cluster 48) connect at weight=666.0
2025-04-09 19:04:16.512 | DEBUG    | __main__:<module>:20 - Iteration 51: Points 63 (cluster 2050) and 47 (cluster 47) connect at weight=666.0
2025-04-09 19:04:16.513 | DEBUG    | __main__:<module>:20 - Iteration 52: Points 63 (cluster 2051) and 45 (cluster 45) connect at weight=666.0
2025-04-09 19:04:16.513 | DEBUG    | __main__:<module>:20 - Iteration 53: Points 63 (cluster 2052) and 42 (cluster 42) connect at weight=666.0
2025-04-09 19:04:16.513 | DEBUG    | __main__:<module>:20 - Iteration 54: Points 63 (cluster 2053) and 37 (cluster 37) connect at weight=666.0
2025-04-09 19:04:16.513 | DEBUG    | __main__:<module>:20 - Iteration 55: Points 63 (cluster 2054) and 35 (cluster 35) connect at weight=666.0
2025-04-09 19:04:16.513 | DEBUG    | __main__:<module>:20 - Iteration 56: Points 63 (cluster 2055) and 33 (cluster 33) connect at weight=666.0
2025-04-09 19:04:16.514 | DEBUG    | __main__:<module>:20 - Iteration 57: Points 63 (cluster 2056) and 32 (cluster 32) connect at weight=666.0
2025-04-09 19:04:16.514 | DEBUG    | __main__:<module>:20 - Iteration 58: Points 63 (cluster 2057) and 30 (cluster 30) connect at weight=666.0
2025-04-09 19:04:16.514 | DEBUG    | __main__:<module>:20 - Iteration 59: Points 63 (cluster 2058) and 23 (cluster 23) connect at weight=666.0
2025-04-09 19:04:16.514 | DEBUG    | __main__:<module>:20 - Iteration 60: Points 63 (cluster 2059) and 19 (cluster 19) connect at weight=666.0
2025-04-09 19:04:16.514 | DEBUG    | __main__:<module>:20 - Iteration 61: Points 63 (cluster 2060) and 18 (cluster 18) connect at weight=666.0
2025-04-09 19:04:16.515 | DEBUG    | __main__:<module>:20 - Iteration 62: Points 61 (cluster 61) and 59 (cluster 59) connect at weight=666.0
2025-04-09 19:04:16.515 | DEBUG    | __main__:<module>:20 - Iteration 63: Points 61 (cluster 2062) and 55 (cluster 55) connect at weight=666.0
2025-04-09 19:04:16.515 | DEBUG    | __main__:<module>:20 - Iteration 64: Points 61 (cluster 2063) and 24 (cluster 24) connect at weight=666.0
2025-04-09 19:04:16.515 | DEBUG    | __main__:<module>:20 - Iteration 65: Points 61 (cluster 2064) and 21 (cluster 21) connect at weight=666.0
2025-04-09 19:04:16.515 | DEBUG    | __main__:<module>:20 - Iteration 66: Points 14 (cluster 2013) and 69 (cluster 2048) connect at weight=666.0
2025-04-09 19:04:16.515 | DEBUG    | __main__:<module>:20 - Iteration 67: Points 14 (cluster 2066) and 63 (cluster 2061) connect at weight=666.0
2025-04-09 19:04:16.516 | DEBUG    | __main__:<module>:20 - Iteration 68: Points 14 (cluster 2067) and 61 (cluster 2065) connect at weight=666.0
2025-04-09 19:04:16.516 | DEBUG    | __main__:<module>:20 - Iteration 69: Points 86 (cluster 86) and 85 (cluster 85) connect at weight=665.0
2025-04-09 19:04:16.516 | DEBUG    | __main__:<module>:20 - Iteration 70: Points 86 (cluster 2069) and 83 (cluster 83) connect at weight=665.0
2025-04-09 19:04:16.516 | DEBUG    | __main__:<module>:20 - Iteration 71: Points 86 (cluster 2070) and 81 (cluster 81) connect at weight=665.0
2025-04-09 19:04:16.516 | DEBUG    | __main__:<module>:20 - Iteration 72: Points 86 (cluster 2071) and 79 (cluster 79) connect at weight=665.0
2025-04-09 19:04:16.517 | DEBUG    | __main__:<module>:20 - Iteration 73: Points 86 (cluster 2072) and 78 (cluster 78) connect at weight=665.0
2025-04-09 19:04:16.517 | DEBUG    | __main__:<module>:20 - Iteration 74: Points 86 (cluster 2073) and 77 (cluster 77) connect at weight=665.0
2025-04-09 19:04:16.517 | DEBUG    | __main__:<module>:20 - Iteration 75: Points 86 (cluster 2074) and 71 (cluster 71) connect at weight=665.0
2025-04-09 19:04:16.517 | DEBUG    | __main__:<module>:20 - Iteration 76: Points 86 (cluster 2075) and 70 (cluster 70) connect at weight=665.0
2025-04-09 19:04:16.517 | DEBUG    | __main__:<module>:20 - Iteration 77: Points 82 (cluster 82) and 80 (cluster 80) connect at weight=665.0
2025-04-09 19:04:16.518 | DEBUG    | __main__:<module>:20 - Iteration 78: Points 82 (cluster 2077) and 72 (cluster 72) connect at weight=665.0
2025-04-09 19:04:16.518 | DEBUG    | __main__:<module>:20 - Iteration 79: Points 76 (cluster 76) and 74 (cluster 74) connect at weight=665.0
2025-04-09 19:04:16.518 | DEBUG    | __main__:<module>:20 - Iteration 80: Points 69 (cluster 2068) and 86 (cluster 2076) connect at weight=665.0
2025-04-09 19:04:16.518 | DEBUG    | __main__:<module>:20 - Iteration 81: Points 69 (cluster 2080) and 75 (cluster 75) connect at weight=665.0
2025-04-09 19:04:16.518 | DEBUG    | __main__:<module>:20 - Iteration 82: Points 69 (cluster 2081) and 73 (cluster 73) connect at weight=665.0
2025-04-09 19:04:16.518 | DEBUG    | __main__:<module>:20 - Iteration 83: Points 63 (cluster 2082) and 82 (cluster 2078) connect at weight=665.0
2025-04-09 19:04:16.519 | DEBUG    | __main__:<module>:20 - Iteration 84: Points 61 (cluster 2083) and 84 (cluster 84) connect at weight=665.0
2025-04-09 19:04:16.519 | DEBUG    | __main__:<module>:20 - Iteration 85: Points 61 (cluster 2084) and 76 (cluster 2079) connect at weight=665.0
2025-04-09 19:04:16.521 | DEBUG    | __main__:<module>:20 - Iteration 86: Points 178 (cluster 178) and 175 (cluster 175) connect at weight=664.0
2025-04-09 19:04:16.521 | DEBUG    | __main__:<module>:20 - Iteration 87: Points 178 (cluster 2086) and 172 (cluster 172) connect at weight=664.0
2025-04-09 19:04:16.522 | DEBUG    | __main__:<module>:20 - Iteration 88: Points 178 (cluster 2087) and 169 (cluster 169) connect at weight=664.0
2025-04-09 19:04:16.522 | DEBUG    | __main__:<module>:20 - Iteration 89: Points 178 (cluster 2088) and 163 (cluster 163) connect at weight=664.0
2025-04-09 19:04:16.522 | DEBUG    | __main__:<module>:20 - Iteration 90: Points 178 (cluster 2089) and 161 (cluster 161) connect at weight=664.0
2025-04-09 19:04:16.522 | DEBUG    | __main__:<module>:20 - Iteration 91: Points 178 (cluster 2090) and 158 (cluster 158) connect at weight=664.0
2025-04-09 19:04:16.522 | DEBUG    | __main__:<module>:20 - Iteration 92: Points 178 (cluster 2091) and 157 (cluster 157) connect at weight=664.0
2025-04-09 19:04:16.523 | DEBUG    | __main__:<module>:20 - Iteration 93: Points 178 (cluster 2092) and 155 (cluster 155) connect at weight=664.0
2025-04-09 19:04:16.523 | DEBUG    | __main__:<module>:20 - Iteration 94: Points 178 (cluster 2093) and 154 (cluster 154) connect at weight=664.0
2025-04-09 19:04:16.523 | DEBUG    | __main__:<module>:20 - Iteration 95: Points 178 (cluster 2094) and 147 (cluster 147) connect at weight=664.0
2025-04-09 19:04:16.523 | DEBUG    | __main__:<module>:20 - Iteration 96: Points 178 (cluster 2095) and 146 (cluster 146) connect at weight=664.0
2025-04-09 19:04:16.523 | DEBUG    | __main__:<module>:20 - Iteration 97: Points 178 (cluster 2096) and 144 (cluster 144) connect at weight=664.0
2025-04-09 19:04:16.523 | DEBUG    | __main__:<module>:20 - Iteration 98: Points 178 (cluster 2097) and 135 (cluster 135) connect at weight=664.0
2025-04-09 19:04:16.524 | DEBUG    | __main__:<module>:20 - Iteration 99: Points 178 (cluster 2098) and 133 (cluster 133) connect at weight=664.0
2025-04-09 19:04:16.524 | DEBUG    | __main__:<module>:20 - Iteration 100: Points 178 (cluster 2099) and 131 (cluster 131) connect at weight=664.0
2025-04-09 19:04:16.525 | DEBUG    | __main__:<module>:20 - Iteration 101: Points 178 (cluster 2100) and 129 (cluster 129) connect at weight=664.0
2025-04-09 19:04:16.525 | DEBUG    | __main__:<module>:20 - Iteration 102: Points 178 (cluster 2101) and 127 (cluster 127) connect at weight=664.0
2025-04-09 19:04:16.525 | DEBUG    | __main__:<module>:20 - Iteration 103: Points 178 (cluster 2102) and 117 (cluster 117) connect at weight=664.0
2025-04-09 19:04:16.525 | DEBUG    | __main__:<module>:20 - Iteration 104: Points 178 (cluster 2103) and 116 (cluster 116) connect at weight=664.0
2025-04-09 19:04:16.525 | DEBUG    | __main__:<module>:20 - Iteration 105: Points 178 (cluster 2104) and 106 (cluster 106) connect at weight=664.0
2025-04-09 19:04:16.526 | DEBUG    | __main__:<module>:20 - Iteration 106: Points 178 (cluster 2105) and 105 (cluster 105) connect at weight=664.0
2025-04-09 19:04:16.526 | DEBUG    | __main__:<module>:20 - Iteration 107: Points 178 (cluster 2106) and 102 (cluster 102) connect at weight=664.0
2025-04-09 19:04:16.526 | DEBUG    | __main__:<module>:20 - Iteration 108: Points 178 (cluster 2107) and 100 (cluster 100) connect at weight=664.0
2025-04-09 19:04:16.526 | DEBUG    | __main__:<module>:20 - Iteration 109: Points 178 (cluster 2108) and 96 (cluster 96) connect at weight=664.0
2025-04-09 19:04:16.526 | DEBUG    | __main__:<module>:20 - Iteration 110: Points 177 (cluster 177) and 176 (cluster 176) connect at weight=664.0
2025-04-09 19:04:16.526 | DEBUG    | __main__:<module>:20 - Iteration 111: Points 177 (cluster 2110) and 167 (cluster 167) connect at weight=664.0
2025-04-09 19:04:16.527 | DEBUG    | __main__:<module>:20 - Iteration 112: Points 177 (cluster 2111) and 156 (cluster 156) connect at weight=664.0
2025-04-09 19:04:16.527 | DEBUG    | __main__:<module>:20 - Iteration 113: Points 177 (cluster 2112) and 151 (cluster 151) connect at weight=664.0
2025-04-09 19:04:16.527 | DEBUG    | __main__:<module>:20 - Iteration 114: Points 177 (cluster 2113) and 119 (cluster 119) connect at weight=664.0
2025-04-09 19:04:16.527 | DEBUG    | __main__:<module>:20 - Iteration 115: Points 177 (cluster 2114) and 111 (cluster 111) connect at weight=664.0
2025-04-09 19:04:16.527 | DEBUG    | __main__:<module>:20 - Iteration 116: Points 177 (cluster 2115) and 103 (cluster 103) connect at weight=664.0
2025-04-09 19:04:16.528 | DEBUG    | __main__:<module>:20 - Iteration 117: Points 177 (cluster 2116) and 99 (cluster 99) connect at weight=664.0
2025-04-09 19:04:16.528 | DEBUG    | __main__:<module>:20 - Iteration 118: Points 177 (cluster 2117) and 97 (cluster 97) connect at weight=664.0
2025-04-09 19:04:16.528 | DEBUG    | __main__:<module>:20 - Iteration 119: Points 177 (cluster 2118) and 94 (cluster 94) connect at weight=664.0
2025-04-09 19:04:16.528 | DEBUG    | __main__:<module>:20 - Iteration 120: Points 177 (cluster 2119) and 91 (cluster 91) connect at weight=664.0
2025-04-09 19:04:16.528 | DEBUG    | __main__:<module>:20 - Iteration 121: Points 174 (cluster 174) and 159 (cluster 159) connect at weight=664.0
2025-04-09 19:04:16.528 | DEBUG    | __main__:<module>:20 - Iteration 122: Points 174 (cluster 2121) and 139 (cluster 139) connect at weight=664.0
2025-04-09 19:04:16.529 | DEBUG    | __main__:<module>:20 - Iteration 123: Points 174 (cluster 2122) and 101 (cluster 101) connect at weight=664.0
2025-04-09 19:04:16.529 | DEBUG    | __main__:<module>:20 - Iteration 124: Points 173 (cluster 173) and 171 (cluster 171) connect at weight=664.0
2025-04-09 19:04:16.529 | DEBUG    | __main__:<module>:20 - Iteration 125: Points 173 (cluster 2124) and 168 (cluster 168) connect at weight=664.0
2025-04-09 19:04:16.529 | DEBUG    | __main__:<module>:20 - Iteration 126: Points 173 (cluster 2125) and 166 (cluster 166) connect at weight=664.0
2025-04-09 19:04:16.529 | DEBUG    | __main__:<module>:20 - Iteration 127: Points 173 (cluster 2126) and 165 (cluster 165) connect at weight=664.0
2025-04-09 19:04:16.530 | DEBUG    | __main__:<module>:20 - Iteration 128: Points 173 (cluster 2127) and 164 (cluster 164) connect at weight=664.0
2025-04-09 19:04:16.530 | DEBUG    | __main__:<module>:20 - Iteration 129: Points 173 (cluster 2128) and 162 (cluster 162) connect at weight=664.0
2025-04-09 19:04:16.530 | DEBUG    | __main__:<module>:20 - Iteration 130: Points 173 (cluster 2129) and 160 (cluster 160) connect at weight=664.0
2025-04-09 19:04:16.530 | DEBUG    | __main__:<module>:20 - Iteration 131: Points 173 (cluster 2130) and 153 (cluster 153) connect at weight=664.0
2025-04-09 19:04:16.531 | DEBUG    | __main__:<module>:20 - Iteration 132: Points 173 (cluster 2131) and 152 (cluster 152) connect at weight=664.0
2025-04-09 19:04:16.531 | DEBUG    | __main__:<module>:20 - Iteration 133: Points 173 (cluster 2132) and 149 (cluster 149) connect at weight=664.0
2025-04-09 19:04:16.531 | DEBUG    | __main__:<module>:20 - Iteration 134: Points 173 (cluster 2133) and 142 (cluster 142) connect at weight=664.0
2025-04-09 19:04:16.533 | DEBUG    | __main__:<module>:20 - Iteration 135: Points 173 (cluster 2134) and 137 (cluster 137) connect at weight=664.0
2025-04-09 19:04:16.533 | DEBUG    | __main__:<module>:20 - Iteration 136: Points 173 (cluster 2135) and 128 (cluster 128) connect at weight=664.0
2025-04-09 19:04:16.533 | DEBUG    | __main__:<module>:20 - Iteration 137: Points 173 (cluster 2136) and 125 (cluster 125) connect at weight=664.0
2025-04-09 19:04:16.533 | DEBUG    | __main__:<module>:20 - Iteration 138: Points 173 (cluster 2137) and 124 (cluster 124) connect at weight=664.0
2025-04-09 19:04:16.533 | DEBUG    | __main__:<module>:20 - Iteration 139: Points 173 (cluster 2138) and 123 (cluster 123) connect at weight=664.0
2025-04-09 19:04:16.534 | DEBUG    | __main__:<module>:20 - Iteration 140: Points 173 (cluster 2139) and 121 (cluster 121) connect at weight=664.0
2025-04-09 19:04:16.534 | DEBUG    | __main__:<module>:20 - Iteration 141: Points 173 (cluster 2140) and 120 (cluster 120) connect at weight=664.0
2025-04-09 19:04:16.534 | DEBUG    | __main__:<module>:20 - Iteration 142: Points 173 (cluster 2141) and 115 (cluster 115) connect at weight=664.0
2025-04-09 19:04:16.534 | DEBUG    | __main__:<module>:20 - Iteration 143: Points 173 (cluster 2142) and 113 (cluster 113) connect at weight=664.0
2025-04-09 19:04:16.534 | DEBUG    | __main__:<module>:20 - Iteration 144: Points 173 (cluster 2143) and 109 (cluster 109) connect at weight=664.0
2025-04-09 19:04:16.534 | DEBUG    | __main__:<module>:20 - Iteration 145: Points 173 (cluster 2144) and 108 (cluster 108) connect at weight=664.0
2025-04-09 19:04:16.535 | DEBUG    | __main__:<module>:20 - Iteration 146: Points 173 (cluster 2145) and 104 (cluster 104) connect at weight=664.0
2025-04-09 19:04:16.535 | DEBUG    | __main__:<module>:20 - Iteration 147: Points 173 (cluster 2146) and 98 (cluster 98) connect at weight=664.0
2025-04-09 19:04:16.535 | DEBUG    | __main__:<module>:20 - Iteration 148: Points 173 (cluster 2147) and 95 (cluster 95) connect at weight=664.0
2025-04-09 19:04:16.535 | DEBUG    | __main__:<module>:20 - Iteration 149: Points 173 (cluster 2148) and 93 (cluster 93) connect at weight=664.0
2025-04-09 19:04:16.535 | DEBUG    | __main__:<module>:20 - Iteration 150: Points 173 (cluster 2149) and 90 (cluster 90) connect at weight=664.0
2025-04-09 19:04:16.536 | DEBUG    | __main__:<module>:20 - Iteration 151: Points 173 (cluster 2150) and 89 (cluster 89) connect at weight=664.0
2025-04-09 19:04:16.536 | DEBUG    | __main__:<module>:20 - Iteration 152: Points 173 (cluster 2151) and 87 (cluster 87) connect at weight=664.0
2025-04-09 19:04:16.536 | DEBUG    | __main__:<module>:20 - Iteration 153: Points 170 (cluster 170) and 150 (cluster 150) connect at weight=664.0
2025-04-09 19:04:16.536 | DEBUG    | __main__:<module>:20 - Iteration 154: Points 170 (cluster 2153) and 141 (cluster 141) connect at weight=664.0
2025-04-09 19:04:16.536 | DEBUG    | __main__:<module>:20 - Iteration 155: Points 170 (cluster 2154) and 140 (cluster 140) connect at weight=664.0
2025-04-09 19:04:16.537 | DEBUG    | __main__:<module>:20 - Iteration 156: Points 170 (cluster 2155) and 134 (cluster 134) connect at weight=664.0
2025-04-09 19:04:16.537 | DEBUG    | __main__:<module>:20 - Iteration 157: Points 170 (cluster 2156) and 132 (cluster 132) connect at weight=664.0
2025-04-09 19:04:16.537 | DEBUG    | __main__:<module>:20 - Iteration 158: Points 170 (cluster 2157) and 130 (cluster 130) connect at weight=664.0
2025-04-09 19:04:16.537 | DEBUG    | __main__:<module>:20 - Iteration 159: Points 170 (cluster 2158) and 122 (cluster 122) connect at weight=664.0
2025-04-09 19:04:16.537 | DEBUG    | __main__:<module>:20 - Iteration 160: Points 170 (cluster 2159) and 118 (cluster 118) connect at weight=664.0
2025-04-09 19:04:16.537 | DEBUG    | __main__:<module>:20 - Iteration 161: Points 170 (cluster 2160) and 114 (cluster 114) connect at weight=664.0
2025-04-09 19:04:16.538 | DEBUG    | __main__:<module>:20 - Iteration 162: Points 170 (cluster 2161) and 110 (cluster 110) connect at weight=664.0
2025-04-09 19:04:16.538 | DEBUG    | __main__:<module>:20 - Iteration 163: Points 170 (cluster 2162) and 107 (cluster 107) connect at weight=664.0
2025-04-09 19:04:16.538 | DEBUG    | __main__:<module>:20 - Iteration 164: Points 170 (cluster 2163) and 88 (cluster 88) connect at weight=664.0
2025-04-09 19:04:16.538 | DEBUG    | __main__:<module>:20 - Iteration 165: Points 148 (cluster 148) and 143 (cluster 143) connect at weight=664.0
2025-04-09 19:04:16.538 | DEBUG    | __main__:<module>:20 - Iteration 166: Points 148 (cluster 2165) and 138 (cluster 138) connect at weight=664.0
2025-04-09 19:04:16.539 | DEBUG    | __main__:<module>:20 - Iteration 167: Points 148 (cluster 2166) and 136 (cluster 136) connect at weight=664.0
2025-04-09 19:04:16.539 | DEBUG    | __main__:<module>:20 - Iteration 168: Points 148 (cluster 2167) and 126 (cluster 126) connect at weight=664.0
2025-04-09 19:04:16.539 | DEBUG    | __main__:<module>:20 - Iteration 169: Points 148 (cluster 2168) and 112 (cluster 112) connect at weight=664.0
2025-04-09 19:04:16.539 | DEBUG    | __main__:<module>:20 - Iteration 170: Points 145 (cluster 145) and 92 (cluster 92) connect at weight=664.0
2025-04-09 19:04:16.539 | DEBUG    | __main__:<module>:20 - Iteration 171: Points 86 (cluster 2085) and 145 (cluster 2170) connect at weight=664.0
2025-04-09 19:04:16.540 | DEBUG    | __main__:<module>:20 - Iteration 172: Points 84 (cluster 2171) and 177 (cluster 2120) connect at weight=664.0
2025-04-09 19:04:16.540 | DEBUG    | __main__:<module>:20 - Iteration 173: Points 76 (cluster 2172) and 174 (cluster 2123) connect at weight=664.0
2025-04-09 19:04:16.540 | DEBUG    | __main__:<module>:20 - Iteration 174: Points 69 (cluster 2173) and 170 (cluster 2164) connect at weight=664.0
2025-04-09 19:04:16.540 | DEBUG    | __main__:<module>:20 - Iteration 175: Points 277 (cluster 277) and 232 (cluster 232) connect at weight=663.0
2025-04-09 19:04:16.540 | DEBUG    | __main__:<module>:20 - Iteration 176: Points 277 (cluster 2175) and 214 (cluster 214) connect at weight=663.0
2025-04-09 19:04:16.540 | DEBUG    | __main__:<module>:20 - Iteration 177: Points 277 (cluster 2176) and 211 (cluster 211) connect at weight=663.0
2025-04-09 19:04:16.541 | DEBUG    | __main__:<module>:20 - Iteration 178: Points 276 (cluster 276) and 271 (cluster 271) connect at weight=663.0
2025-04-09 19:04:16.541 | DEBUG    | __main__:<module>:20 - Iteration 179: Points 276 (cluster 2178) and 268 (cluster 268) connect at weight=663.0
2025-04-09 19:04:16.541 | DEBUG    | __main__:<module>:20 - Iteration 180: Points 276 (cluster 2179) and 264 (cluster 264) connect at weight=663.0
2025-04-09 19:04:16.541 | DEBUG    | __main__:<module>:20 - Iteration 181: Points 276 (cluster 2180) and 261 (cluster 261) connect at weight=663.0
2025-04-09 19:04:16.541 | DEBUG    | __main__:<module>:20 - Iteration 182: Points 276 (cluster 2181) and 260 (cluster 260) connect at weight=663.0
2025-04-09 19:04:16.542 | DEBUG    | __main__:<module>:20 - Iteration 183: Points 276 (cluster 2182) and 259 (cluster 259) connect at weight=663.0
2025-04-09 19:04:16.542 | DEBUG    | __main__:<module>:20 - Iteration 184: Points 276 (cluster 2183) and 257 (cluster 257) connect at weight=663.0
2025-04-09 19:04:16.542 | DEBUG    | __main__:<module>:20 - Iteration 185: Points 276 (cluster 2184) and 255 (cluster 255) connect at weight=663.0
2025-04-09 19:04:16.542 | DEBUG    | __main__:<module>:20 - Iteration 186: Points 276 (cluster 2185) and 251 (cluster 251) connect at weight=663.0
2025-04-09 19:04:16.542 | DEBUG    | __main__:<module>:20 - Iteration 187: Points 276 (cluster 2186) and 250 (cluster 250) connect at weight=663.0
2025-04-09 19:04:16.542 | DEBUG    | __main__:<module>:20 - Iteration 188: Points 276 (cluster 2187) and 248 (cluster 248) connect at weight=663.0
2025-04-09 19:04:16.543 | DEBUG    | __main__:<module>:20 - Iteration 189: Points 276 (cluster 2188) and 246 (cluster 246) connect at weight=663.0
2025-04-09 19:04:16.543 | DEBUG    | __main__:<module>:20 - Iteration 190: Points 276 (cluster 2189) and 244 (cluster 244) connect at weight=663.0
2025-04-09 19:04:16.543 | DEBUG    | __main__:<module>:20 - Iteration 191: Points 276 (cluster 2190) and 241 (cluster 241) connect at weight=663.0
2025-04-09 19:04:16.543 | DEBUG    | __main__:<module>:20 - Iteration 192: Points 276 (cluster 2191) and 238 (cluster 238) connect at weight=663.0
2025-04-09 19:04:16.543 | DEBUG    | __main__:<module>:20 - Iteration 193: Points 276 (cluster 2192) and 236 (cluster 236) connect at weight=663.0
2025-04-09 19:04:16.544 | DEBUG    | __main__:<module>:20 - Iteration 194: Points 276 (cluster 2193) and 235 (cluster 235) connect at weight=663.0
2025-04-09 19:04:16.544 | DEBUG    | __main__:<module>:20 - Iteration 195: Points 276 (cluster 2194) and 234 (cluster 234) connect at weight=663.0
2025-04-09 19:04:16.544 | DEBUG    | __main__:<module>:20 - Iteration 196: Points 276 (cluster 2195) and 231 (cluster 231) connect at weight=663.0
2025-04-09 19:04:16.544 | DEBUG    | __main__:<module>:20 - Iteration 197: Points 276 (cluster 2196) and 221 (cluster 221) connect at weight=663.0
2025-04-09 19:04:16.544 | DEBUG    | __main__:<module>:20 - Iteration 198: Points 276 (cluster 2197) and 220 (cluster 220) connect at weight=663.0
2025-04-09 19:04:16.544 | DEBUG    | __main__:<module>:20 - Iteration 199: Points 276 (cluster 2198) and 219 (cluster 219) connect at weight=663.0
2025-04-09 19:04:16.545 | DEBUG    | __main__:<module>:20 - Iteration 200: Points 276 (cluster 2199) and 218 (cluster 218) connect at weight=663.0
2025-04-09 19:04:16.545 | DEBUG    | __main__:<module>:20 - Iteration 201: Points 276 (cluster 2200) and 213 (cluster 213) connect at weight=663.0
2025-04-09 19:04:16.545 | DEBUG    | __main__:<module>:20 - Iteration 202: Points 276 (cluster 2201) and 212 (cluster 212) connect at weight=663.0
2025-04-09 19:04:16.545 | DEBUG    | __main__:<module>:20 - Iteration 203: Points 276 (cluster 2202) and 210 (cluster 210) connect at weight=663.0
2025-04-09 19:04:16.545 | DEBUG    | __main__:<module>:20 - Iteration 204: Points 276 (cluster 2203) and 204 (cluster 204) connect at weight=663.0
2025-04-09 19:04:16.545 | DEBUG    | __main__:<module>:20 - Iteration 205: Points 276 (cluster 2204) and 203 (cluster 203) connect at weight=663.0
2025-04-09 19:04:16.546 | DEBUG    | __main__:<module>:20 - Iteration 206: Points 276 (cluster 2205) and 202 (cluster 202) connect at weight=663.0
2025-04-09 19:04:16.546 | DEBUG    | __main__:<module>:20 - Iteration 207: Points 276 (cluster 2206) and 201 (cluster 201) connect at weight=663.0
2025-04-09 19:04:16.546 | DEBUG    | __main__:<module>:20 - Iteration 208: Points 276 (cluster 2207) and 200 (cluster 200) connect at weight=663.0
2025-04-09 19:04:16.547 | DEBUG    | __main__:<module>:20 - Iteration 209: Points 276 (cluster 2208) and 198 (cluster 198) connect at weight=663.0
2025-04-09 19:04:16.548 | DEBUG    | __main__:<module>:20 - Iteration 210: Points 276 (cluster 2209) and 181 (cluster 181) connect at weight=663.0
2025-04-09 19:04:16.548 | DEBUG    | __main__:<module>:20 - Iteration 211: Points 276 (cluster 2210) and 180 (cluster 180) connect at weight=663.0
2025-04-09 19:04:16.548 | DEBUG    | __main__:<module>:20 - Iteration 212: Points 276 (cluster 2211) and 179 (cluster 179) connect at weight=663.0
2025-04-09 19:04:16.548 | DEBUG    | __main__:<module>:20 - Iteration 213: Points 275 (cluster 275) and 273 (cluster 273) connect at weight=663.0
2025-04-09 19:04:16.549 | DEBUG    | __main__:<module>:20 - Iteration 214: Points 275 (cluster 2213) and 267 (cluster 267) connect at weight=663.0
2025-04-09 19:04:16.549 | DEBUG    | __main__:<module>:20 - Iteration 215: Points 275 (cluster 2214) and 265 (cluster 265) connect at weight=663.0
2025-04-09 19:04:16.549 | DEBUG    | __main__:<module>:20 - Iteration 216: Points 275 (cluster 2215) and 256 (cluster 256) connect at weight=663.0
2025-04-09 19:04:16.549 | DEBUG    | __main__:<module>:20 - Iteration 217: Points 275 (cluster 2216) and 245 (cluster 245) connect at weight=663.0
2025-04-09 19:04:16.549 | DEBUG    | __main__:<module>:20 - Iteration 218: Points 275 (cluster 2217) and 242 (cluster 242) connect at weight=663.0
2025-04-09 19:04:16.549 | DEBUG    | __main__:<module>:20 - Iteration 219: Points 275 (cluster 2218) and 240 (cluster 240) connect at weight=663.0
2025-04-09 19:04:16.550 | DEBUG    | __main__:<module>:20 - Iteration 220: Points 275 (cluster 2219) and 237 (cluster 237) connect at weight=663.0
2025-04-09 19:04:16.550 | DEBUG    | __main__:<module>:20 - Iteration 221: Points 275 (cluster 2220) and 225 (cluster 225) connect at weight=663.0
2025-04-09 19:04:16.550 | DEBUG    | __main__:<module>:20 - Iteration 222: Points 275 (cluster 2221) and 223 (cluster 223) connect at weight=663.0
2025-04-09 19:04:16.550 | DEBUG    | __main__:<module>:20 - Iteration 223: Points 275 (cluster 2222) and 217 (cluster 217) connect at weight=663.0
2025-04-09 19:04:16.550 | DEBUG    | __main__:<module>:20 - Iteration 224: Points 275 (cluster 2223) and 216 (cluster 216) connect at weight=663.0
2025-04-09 19:04:16.551 | DEBUG    | __main__:<module>:20 - Iteration 225: Points 275 (cluster 2224) and 205 (cluster 205) connect at weight=663.0
2025-04-09 19:04:16.551 | DEBUG    | __main__:<module>:20 - Iteration 226: Points 275 (cluster 2225) and 195 (cluster 195) connect at weight=663.0
2025-04-09 19:04:16.551 | DEBUG    | __main__:<module>:20 - Iteration 227: Points 275 (cluster 2226) and 188 (cluster 188) connect at weight=663.0
2025-04-09 19:04:16.551 | DEBUG    | __main__:<module>:20 - Iteration 228: Points 275 (cluster 2227) and 187 (cluster 187) connect at weight=663.0
2025-04-09 19:04:16.551 | DEBUG    | __main__:<module>:20 - Iteration 229: Points 275 (cluster 2228) and 182 (cluster 182) connect at weight=663.0
2025-04-09 19:04:16.551 | DEBUG    | __main__:<module>:20 - Iteration 230: Points 275 (cluster 2229) and 173 (cluster 2152) connect at weight=663.0
2025-04-09 19:04:16.552 | DEBUG    | __main__:<module>:20 - Iteration 231: Points 274 (cluster 274) and 239 (cluster 239) connect at weight=663.0
2025-04-09 19:04:16.552 | DEBUG    | __main__:<module>:20 - Iteration 232: Points 274 (cluster 2231) and 230 (cluster 230) connect at weight=663.0
2025-04-09 19:04:16.552 | DEBUG    | __main__:<module>:20 - Iteration 233: Points 274 (cluster 2232) and 148 (cluster 2169) connect at weight=663.0
2025-04-09 19:04:16.552 | DEBUG    | __main__:<module>:20 - Iteration 234: Points 272 (cluster 272) and 262 (cluster 262) connect at weight=663.0
2025-04-09 19:04:16.552 | DEBUG    | __main__:<module>:20 - Iteration 235: Points 272 (cluster 2234) and 258 (cluster 258) connect at weight=663.0
2025-04-09 19:04:16.553 | DEBUG    | __main__:<module>:20 - Iteration 236: Points 272 (cluster 2235) and 252 (cluster 252) connect at weight=663.0
2025-04-09 19:04:16.553 | DEBUG    | __main__:<module>:20 - Iteration 237: Points 272 (cluster 2236) and 243 (cluster 243) connect at weight=663.0
2025-04-09 19:04:16.553 | DEBUG    | __main__:<module>:20 - Iteration 238: Points 272 (cluster 2237) and 228 (cluster 228) connect at weight=663.0
2025-04-09 19:04:16.553 | DEBUG    | __main__:<module>:20 - Iteration 239: Points 272 (cluster 2238) and 190 (cluster 190) connect at weight=663.0
2025-04-09 19:04:16.553 | DEBUG    | __main__:<module>:20 - Iteration 240: Points 270 (cluster 270) and 185 (cluster 185) connect at weight=663.0
2025-04-09 19:04:16.553 | DEBUG    | __main__:<module>:20 - Iteration 241: Points 269 (cluster 269) and 215 (cluster 215) connect at weight=663.0
2025-04-09 19:04:16.554 | DEBUG    | __main__:<module>:20 - Iteration 242: Points 269 (cluster 2241) and 208 (cluster 208) connect at weight=663.0
2025-04-09 19:04:16.554 | DEBUG    | __main__:<module>:20 - Iteration 243: Points 266 (cluster 266) and 224 (cluster 224) connect at weight=663.0
2025-04-09 19:04:16.554 | DEBUG    | __main__:<module>:20 - Iteration 244: Points 266 (cluster 2243) and 183 (cluster 183) connect at weight=663.0
2025-04-09 19:04:16.554 | DEBUG    | __main__:<module>:20 - Iteration 245: Points 263 (cluster 263) and 186 (cluster 186) connect at weight=663.0
2025-04-09 19:04:16.554 | DEBUG    | __main__:<module>:20 - Iteration 246: Points 254 (cluster 254) and 191 (cluster 191) connect at weight=663.0
2025-04-09 19:04:16.555 | DEBUG    | __main__:<module>:20 - Iteration 247: Points 254 (cluster 2246) and 184 (cluster 184) connect at weight=663.0
2025-04-09 19:04:16.555 | DEBUG    | __main__:<module>:20 - Iteration 248: Points 249 (cluster 249) and 247 (cluster 247) connect at weight=663.0
2025-04-09 19:04:16.555 | DEBUG    | __main__:<module>:20 - Iteration 249: Points 249 (cluster 2248) and 226 (cluster 226) connect at weight=663.0
2025-04-09 19:04:16.555 | DEBUG    | __main__:<module>:20 - Iteration 250: Points 249 (cluster 2249) and 222 (cluster 222) connect at weight=663.0
2025-04-09 19:04:16.555 | DEBUG    | __main__:<module>:20 - Iteration 251: Points 249 (cluster 2250) and 209 (cluster 209) connect at weight=663.0
2025-04-09 19:04:16.555 | DEBUG    | __main__:<module>:20 - Iteration 252: Points 249 (cluster 2251) and 207 (cluster 207) connect at weight=663.0
2025-04-09 19:04:16.556 | DEBUG    | __main__:<module>:20 - Iteration 253: Points 249 (cluster 2252) and 206 (cluster 206) connect at weight=663.0
2025-04-09 19:04:16.556 | DEBUG    | __main__:<module>:20 - Iteration 254: Points 249 (cluster 2253) and 197 (cluster 197) connect at weight=663.0
2025-04-09 19:04:16.556 | DEBUG    | __main__:<module>:20 - Iteration 255: Points 249 (cluster 2254) and 194 (cluster 194) connect at weight=663.0
2025-04-09 19:04:16.556 | DEBUG    | __main__:<module>:20 - Iteration 256: Points 249 (cluster 2255) and 189 (cluster 189) connect at weight=663.0
2025-04-09 19:04:16.556 | DEBUG    | __main__:<module>:20 - Iteration 257: Points 196 (cluster 196) and 192 (cluster 192) connect at weight=663.0
2025-04-09 19:04:16.557 | DEBUG    | __main__:<module>:20 - Iteration 258: Points 193 (cluster 193) and 178 (cluster 2109) connect at weight=663.0
2025-04-09 19:04:16.557 | DEBUG    | __main__:<module>:20 - Iteration 259: Points 178 (cluster 2258) and 275 (cluster 2230) connect at weight=663.0
2025-04-09 19:04:16.557 | DEBUG    | __main__:<module>:20 - Iteration 260: Points 178 (cluster 2259) and 249 (cluster 2256) connect at weight=663.0
2025-04-09 19:04:16.557 | DEBUG    | __main__:<module>:20 - Iteration 261: Points 177 (cluster 2174) and 196 (cluster 2257) connect at weight=663.0
2025-04-09 19:04:16.557 | DEBUG    | __main__:<module>:20 - Iteration 262: Points 173 (cluster 2260) and 274 (cluster 2233) connect at weight=663.0
2025-04-09 19:04:16.557 | DEBUG    | __main__:<module>:20 - Iteration 263: Points 173 (cluster 2262) and 270 (cluster 2240) connect at weight=663.0
2025-04-09 19:04:16.558 | DEBUG    | __main__:<module>:20 - Iteration 264: Points 173 (cluster 2263) and 266 (cluster 2244) connect at weight=663.0
2025-04-09 19:04:16.558 | DEBUG    | __main__:<module>:20 - Iteration 265: Points 170 (cluster 2261) and 276 (cluster 2212) connect at weight=663.0
2025-04-09 19:04:16.558 | DEBUG    | __main__:<module>:20 - Iteration 266: Points 170 (cluster 2265) and 254 (cluster 2247) connect at weight=663.0
2025-04-09 19:04:16.558 | DEBUG    | __main__:<module>:20 - Iteration 267: Points 170 (cluster 2266) and 253 (cluster 253) connect at weight=663.0
2025-04-09 19:04:16.558 | DEBUG    | __main__:<module>:20 - Iteration 268: Points 148 (cluster 2264) and 269 (cluster 2242) connect at weight=663.0
2025-04-09 19:04:16.559 | DEBUG    | __main__:<module>:20 - Iteration 269: Points 148 (cluster 2268) and 229 (cluster 229) connect at weight=663.0
2025-04-09 19:04:16.559 | DEBUG    | __main__:<module>:20 - Iteration 270: Points 84 (cluster 2267) and 272 (cluster 2239) connect at weight=663.0
2025-04-09 19:04:16.559 | DEBUG    | __main__:<module>:20 - Iteration 271: Points 75 (cluster 2270) and 277 (cluster 2177) connect at weight=663.0
2025-04-09 19:04:16.559 | DEBUG    | __main__:<module>:20 - Iteration 272: Points 75 (cluster 2271) and 227 (cluster 227) connect at weight=663.0
2025-04-09 19:04:16.559 | DEBUG    | __main__:<module>:20 - Iteration 273: Points 63 (cluster 2272) and 233 (cluster 233) connect at weight=663.0
2025-04-09 19:04:16.560 | DEBUG    | __main__:<module>:20 - Iteration 274: Points 63 (cluster 2273) and 199 (cluster 199) connect at weight=663.0
2025-04-09 19:04:16.560 | DEBUG    | __main__:<module>:20 - Iteration 275: Points 325 (cluster 325) and 323 (cluster 323) connect at weight=662.0
2025-04-09 19:04:16.560 | DEBUG    | __main__:<module>:20 - Iteration 276: Points 325 (cluster 2275) and 320 (cluster 320) connect at weight=662.0
2025-04-09 19:04:16.560 | DEBUG    | __main__:<module>:20 - Iteration 277: Points 325 (cluster 2276) and 299 (cluster 299) connect at weight=662.0
2025-04-09 19:04:16.560 | DEBUG    | __main__:<module>:20 - Iteration 278: Points 325 (cluster 2277) and 298 (cluster 298) connect at weight=662.0
2025-04-09 19:04:16.560 | DEBUG    | __main__:<module>:20 - Iteration 279: Points 325 (cluster 2278) and 290 (cluster 290) connect at weight=662.0
2025-04-09 19:04:16.561 | DEBUG    | __main__:<module>:20 - Iteration 280: Points 325 (cluster 2279) and 288 (cluster 288) connect at weight=662.0
2025-04-09 19:04:16.561 | DEBUG    | __main__:<module>:20 - Iteration 281: Points 325 (cluster 2280) and 287 (cluster 287) connect at weight=662.0
2025-04-09 19:04:16.561 | DEBUG    | __main__:<module>:20 - Iteration 282: Points 325 (cluster 2281) and 285 (cluster 285) connect at weight=662.0
2025-04-09 19:04:16.561 | DEBUG    | __main__:<module>:20 - Iteration 283: Points 324 (cluster 324) and 322 (cluster 322) connect at weight=662.0
2025-04-09 19:04:16.561 | DEBUG    | __main__:<module>:20 - Iteration 284: Points 321 (cluster 321) and 318 (cluster 318) connect at weight=662.0
2025-04-09 19:04:16.562 | DEBUG    | __main__:<module>:20 - Iteration 285: Points 321 (cluster 2284) and 304 (cluster 304) connect at weight=662.0
2025-04-09 19:04:16.562 | DEBUG    | __main__:<module>:20 - Iteration 286: Points 321 (cluster 2285) and 284 (cluster 284) connect at weight=662.0
2025-04-09 19:04:16.562 | DEBUG    | __main__:<module>:20 - Iteration 287: Points 321 (cluster 2286) and 279 (cluster 279) connect at weight=662.0
2025-04-09 19:04:16.562 | DEBUG    | __main__:<module>:20 - Iteration 288: Points 316 (cluster 316) and 263 (cluster 2245) connect at weight=662.0
2025-04-09 19:04:16.562 | DEBUG    | __main__:<module>:20 - Iteration 289: Points 315 (cluster 315) and 313 (cluster 313) connect at weight=662.0
2025-04-09 19:04:16.562 | DEBUG    | __main__:<module>:20 - Iteration 290: Points 315 (cluster 2289) and 293 (cluster 293) connect at weight=662.0
2025-04-09 19:04:16.563 | DEBUG    | __main__:<module>:20 - Iteration 291: Points 314 (cluster 314) and 306 (cluster 306) connect at weight=662.0
2025-04-09 19:04:16.563 | DEBUG    | __main__:<module>:20 - Iteration 292: Points 314 (cluster 2291) and 291 (cluster 291) connect at weight=662.0
2025-04-09 19:04:16.563 | DEBUG    | __main__:<module>:20 - Iteration 293: Points 314 (cluster 2292) and 280 (cluster 280) connect at weight=662.0
2025-04-09 19:04:16.563 | DEBUG    | __main__:<module>:20 - Iteration 294: Points 314 (cluster 2293) and 278 (cluster 278) connect at weight=662.0
2025-04-09 19:04:16.563 | DEBUG    | __main__:<module>:20 - Iteration 295: Points 312 (cluster 312) and 301 (cluster 301) connect at weight=662.0
2025-04-09 19:04:16.564 | DEBUG    | __main__:<module>:20 - Iteration 296: Points 312 (cluster 2295) and 296 (cluster 296) connect at weight=662.0
2025-04-09 19:04:16.564 | DEBUG    | __main__:<module>:20 - Iteration 297: Points 312 (cluster 2296) and 294 (cluster 294) connect at weight=662.0
2025-04-09 19:04:16.564 | DEBUG    | __main__:<module>:20 - Iteration 298: Points 312 (cluster 2297) and 292 (cluster 292) connect at weight=662.0
2025-04-09 19:04:16.564 | DEBUG    | __main__:<module>:20 - Iteration 299: Points 312 (cluster 2298) and 289 (cluster 289) connect at weight=662.0
2025-04-09 19:04:16.564 | DEBUG    | __main__:<module>:20 - Iteration 300: Points 311 (cluster 311) and 308 (cluster 308) connect at weight=662.0
2025-04-09 19:04:16.564 | DEBUG    | __main__:<module>:20 - Iteration 301: Points 311 (cluster 2300) and 295 (cluster 295) connect at weight=662.0
2025-04-09 19:04:16.565 | DEBUG    | __main__:<module>:20 - Iteration 302: Points 307 (cluster 307) and 283 (cluster 283) connect at weight=662.0
2025-04-09 19:04:16.565 | DEBUG    | __main__:<module>:20 - Iteration 303: Points 302 (cluster 302) and 286 (cluster 286) connect at weight=662.0
2025-04-09 19:04:16.565 | DEBUG    | __main__:<module>:20 - Iteration 304: Points 300 (cluster 300) and 281 (cluster 281) connect at weight=662.0
2025-04-09 19:04:16.565 | DEBUG    | __main__:<module>:20 - Iteration 305: Points 282 (cluster 282) and 325 (cluster 2282) connect at weight=662.0
2025-04-09 19:04:16.565 | DEBUG    | __main__:<module>:20 - Iteration 306: Points 277 (cluster 2274) and 326 (cluster 326) connect at weight=662.0
2025-04-09 19:04:16.566 | DEBUG    | __main__:<module>:20 - Iteration 307: Points 277 (cluster 2306) and 319 (cluster 319) connect at weight=662.0
2025-04-09 19:04:16.566 | DEBUG    | __main__:<module>:20 - Iteration 308: Points 276 (cluster 2307) and 321 (cluster 2287) connect at weight=662.0
2025-04-09 19:04:16.566 | DEBUG    | __main__:<module>:20 - Iteration 309: Points 276 (cluster 2308) and 300 (cluster 2304) connect at weight=662.0
2025-04-09 19:04:16.566 | DEBUG    | __main__:<module>:20 - Iteration 310: Points 275 (cluster 2269) and 311 (cluster 2301) connect at weight=662.0
2025-04-09 19:04:16.566 | DEBUG    | __main__:<module>:20 - Iteration 311: Points 274 (cluster 2310) and 310 (cluster 310) connect at weight=662.0
2025-04-09 19:04:16.567 | DEBUG    | __main__:<module>:20 - Iteration 312: Points 272 (cluster 2309) and 312 (cluster 2299) connect at weight=662.0
2025-04-09 19:04:16.567 | DEBUG    | __main__:<module>:20 - Iteration 313: Points 270 (cluster 2311) and 316 (cluster 2288) connect at weight=662.0
2025-04-09 19:04:16.567 | DEBUG    | __main__:<module>:20 - Iteration 314: Points 269 (cluster 2313) and 307 (cluster 2302) connect at weight=662.0
2025-04-09 19:04:16.567 | DEBUG    | __main__:<module>:20 - Iteration 315: Points 266 (cluster 2314) and 324 (cluster 2283) connect at weight=662.0
2025-04-09 19:04:16.567 | DEBUG    | __main__:<module>:20 - Iteration 316: Points 263 (cluster 2315) and 309 (cluster 309) connect at weight=662.0
2025-04-09 19:04:16.567 | DEBUG    | __main__:<module>:20 - Iteration 317: Points 254 (cluster 2312) and 302 (cluster 2303) connect at weight=662.0
2025-04-09 19:04:16.568 | DEBUG    | __main__:<module>:20 - Iteration 318: Points 253 (cluster 2317) and 317 (cluster 317) connect at weight=662.0
2025-04-09 19:04:16.568 | DEBUG    | __main__:<module>:20 - Iteration 319: Points 249 (cluster 2316) and 314 (cluster 2294) connect at weight=662.0
2025-04-09 19:04:16.568 | DEBUG    | __main__:<module>:20 - Iteration 320: Points 199 (cluster 2318) and 303 (cluster 303) connect at weight=662.0
2025-04-09 19:04:16.568 | DEBUG    | __main__:<module>:20 - Iteration 321: Points 196 (cluster 2320) and 297 (cluster 297) connect at weight=662.0
2025-04-09 19:04:16.568 | DEBUG    | __main__:<module>:20 - Iteration 322: Points 174 (cluster 2321) and 315 (cluster 2290) connect at weight=662.0
2025-04-09 19:04:16.568 | DEBUG    | __main__:<module>:20 - Iteration 323: Points 174 (cluster 2322) and 305 (cluster 305) connect at weight=662.0
2025-04-09 19:04:16.569 | DEBUG    | __main__:<module>:20 - Iteration 324: Points 409 (cluster 409) and 404 (cluster 404) connect at weight=661.0
2025-04-09 19:04:16.569 | DEBUG    | __main__:<module>:20 - Iteration 325: Points 409 (cluster 2324) and 397 (cluster 397) connect at weight=661.0
2025-04-09 19:04:16.569 | DEBUG    | __main__:<module>:20 - Iteration 326: Points 409 (cluster 2325) and 359 (cluster 359) connect at weight=661.0
2025-04-09 19:04:16.569 | DEBUG    | __main__:<module>:20 - Iteration 327: Points 409 (cluster 2326) and 353 (cluster 353) connect at weight=661.0
2025-04-09 19:04:16.569 | DEBUG    | __main__:<module>:20 - Iteration 328: Points 409 (cluster 2327) and 352 (cluster 352) connect at weight=661.0
2025-04-09 19:04:16.570 | DEBUG    | __main__:<module>:20 - Iteration 329: Points 409 (cluster 2328) and 336 (cluster 336) connect at weight=661.0
2025-04-09 19:04:16.570 | DEBUG    | __main__:<module>:20 - Iteration 330: Points 408 (cluster 408) and 372 (cluster 372) connect at weight=661.0
2025-04-09 19:04:16.570 | DEBUG    | __main__:<module>:20 - Iteration 331: Points 408 (cluster 2330) and 340 (cluster 340) connect at weight=661.0
2025-04-09 19:04:16.570 | DEBUG    | __main__:<module>:20 - Iteration 332: Points 407 (cluster 407) and 365 (cluster 365) connect at weight=661.0
2025-04-09 19:04:16.570 | DEBUG    | __main__:<module>:20 - Iteration 333: Points 406 (cluster 406) and 402 (cluster 402) connect at weight=661.0
2025-04-09 19:04:16.571 | DEBUG    | __main__:<module>:20 - Iteration 334: Points 406 (cluster 2333) and 401 (cluster 401) connect at weight=661.0
2025-04-09 19:04:16.571 | DEBUG    | __main__:<module>:20 - Iteration 335: Points 406 (cluster 2334) and 393 (cluster 393) connect at weight=661.0
2025-04-09 19:04:16.571 | DEBUG    | __main__:<module>:20 - Iteration 336: Points 406 (cluster 2335) and 381 (cluster 381) connect at weight=661.0
2025-04-09 19:04:16.571 | DEBUG    | __main__:<module>:20 - Iteration 337: Points 406 (cluster 2336) and 374 (cluster 374) connect at weight=661.0
2025-04-09 19:04:16.571 | DEBUG    | __main__:<module>:20 - Iteration 338: Points 406 (cluster 2337) and 373 (cluster 373) connect at weight=661.0
2025-04-09 19:04:16.571 | DEBUG    | __main__:<module>:20 - Iteration 339: Points 406 (cluster 2338) and 367 (cluster 367) connect at weight=661.0
2025-04-09 19:04:16.572 | DEBUG    | __main__:<module>:20 - Iteration 340: Points 406 (cluster 2339) and 361 (cluster 361) connect at weight=661.0
2025-04-09 19:04:16.572 | DEBUG    | __main__:<module>:20 - Iteration 341: Points 406 (cluster 2340) and 360 (cluster 360) connect at weight=661.0
2025-04-09 19:04:16.572 | DEBUG    | __main__:<module>:20 - Iteration 342: Points 406 (cluster 2341) and 355 (cluster 355) connect at weight=661.0
2025-04-09 19:04:16.572 | DEBUG    | __main__:<module>:20 - Iteration 343: Points 406 (cluster 2342) and 345 (cluster 345) connect at weight=661.0
2025-04-09 19:04:16.572 | DEBUG    | __main__:<module>:20 - Iteration 344: Points 406 (cluster 2343) and 342 (cluster 342) connect at weight=661.0
2025-04-09 19:04:16.572 | DEBUG    | __main__:<module>:20 - Iteration 345: Points 406 (cluster 2344) and 329 (cluster 329) connect at weight=661.0
2025-04-09 19:04:16.573 | DEBUG    | __main__:<module>:20 - Iteration 346: Points 405 (cluster 405) and 403 (cluster 403) connect at weight=661.0
2025-04-09 19:04:16.573 | DEBUG    | __main__:<module>:20 - Iteration 347: Points 405 (cluster 2346) and 396 (cluster 396) connect at weight=661.0
2025-04-09 19:04:16.573 | DEBUG    | __main__:<module>:20 - Iteration 348: Points 405 (cluster 2347) and 382 (cluster 382) connect at weight=661.0
2025-04-09 19:04:16.573 | DEBUG    | __main__:<module>:20 - Iteration 349: Points 405 (cluster 2348) and 358 (cluster 358) connect at weight=661.0
2025-04-09 19:04:16.573 | DEBUG    | __main__:<module>:20 - Iteration 350: Points 405 (cluster 2349) and 339 (cluster 339) connect at weight=661.0
2025-04-09 19:04:16.574 | DEBUG    | __main__:<module>:20 - Iteration 351: Points 405 (cluster 2350) and 337 (cluster 337) connect at weight=661.0
2025-04-09 19:04:16.574 | DEBUG    | __main__:<module>:20 - Iteration 352: Points 405 (cluster 2351) and 327 (cluster 327) connect at weight=661.0
2025-04-09 19:04:16.582 | DEBUG    | __main__:<module>:20 - Iteration 353: Points 400 (cluster 400) and 388 (cluster 388) connect at weight=661.0
2025-04-09 19:04:16.582 | DEBUG    | __main__:<module>:20 - Iteration 354: Points 400 (cluster 2353) and 387 (cluster 387) connect at weight=661.0
2025-04-09 19:04:16.582 | DEBUG    | __main__:<module>:20 - Iteration 355: Points 400 (cluster 2354) and 362 (cluster 362) connect at weight=661.0
2025-04-09 19:04:16.583 | DEBUG    | __main__:<module>:20 - Iteration 356: Points 400 (cluster 2355) and 354 (cluster 354) connect at weight=661.0
2025-04-09 19:04:16.583 | DEBUG    | __main__:<module>:20 - Iteration 357: Points 400 (cluster 2356) and 350 (cluster 350) connect at weight=661.0
2025-04-09 19:04:16.583 | DEBUG    | __main__:<module>:20 - Iteration 358: Points 400 (cluster 2357) and 332 (cluster 332) connect at weight=661.0
2025-04-09 19:04:16.583 | DEBUG    | __main__:<module>:20 - Iteration 359: Points 400 (cluster 2358) and 328 (cluster 328) connect at weight=661.0
2025-04-09 19:04:16.583 | DEBUG    | __main__:<module>:20 - Iteration 360: Points 399 (cluster 399) and 193 (cluster 2319) connect at weight=661.0
2025-04-09 19:04:16.583 | DEBUG    | __main__:<module>:20 - Iteration 361: Points 398 (cluster 398) and 380 (cluster 380) connect at weight=661.0
2025-04-09 19:04:16.584 | DEBUG    | __main__:<module>:20 - Iteration 362: Points 398 (cluster 2361) and 366 (cluster 366) connect at weight=661.0
2025-04-09 19:04:16.584 | DEBUG    | __main__:<module>:20 - Iteration 363: Points 398 (cluster 2362) and 334 (cluster 334) connect at weight=661.0
2025-04-09 19:04:16.584 | DEBUG    | __main__:<module>:20 - Iteration 364: Points 398 (cluster 2363) and 331 (cluster 331) connect at weight=661.0
2025-04-09 19:04:16.584 | DEBUG    | __main__:<module>:20 - Iteration 365: Points 391 (cluster 391) and 343 (cluster 343) connect at weight=661.0
2025-04-09 19:04:16.584 | DEBUG    | __main__:<module>:20 - Iteration 366: Points 390 (cluster 390) and 389 (cluster 389) connect at weight=661.0
2025-04-09 19:04:16.585 | DEBUG    | __main__:<module>:20 - Iteration 367: Points 390 (cluster 2366) and 364 (cluster 364) connect at weight=661.0
2025-04-09 19:04:16.585 | DEBUG    | __main__:<module>:20 - Iteration 368: Points 390 (cluster 2367) and 346 (cluster 346) connect at weight=661.0
2025-04-09 19:04:16.585 | DEBUG    | __main__:<module>:20 - Iteration 369: Points 390 (cluster 2368) and 341 (cluster 341) connect at weight=661.0
2025-04-09 19:04:16.585 | DEBUG    | __main__:<module>:20 - Iteration 370: Points 390 (cluster 2369) and 335 (cluster 335) connect at weight=661.0
2025-04-09 19:04:16.585 | DEBUG    | __main__:<module>:20 - Iteration 371: Points 386 (cluster 386) and 385 (cluster 385) connect at weight=661.0
2025-04-09 19:04:16.585 | DEBUG    | __main__:<module>:20 - Iteration 372: Points 386 (cluster 2371) and 377 (cluster 377) connect at weight=661.0
2025-04-09 19:04:16.586 | DEBUG    | __main__:<module>:20 - Iteration 373: Points 386 (cluster 2372) and 363 (cluster 363) connect at weight=661.0
2025-04-09 19:04:16.586 | DEBUG    | __main__:<module>:20 - Iteration 374: Points 386 (cluster 2373) and 356 (cluster 356) connect at weight=661.0
2025-04-09 19:04:16.586 | DEBUG    | __main__:<module>:20 - Iteration 375: Points 386 (cluster 2374) and 351 (cluster 351) connect at weight=661.0
2025-04-09 19:04:16.586 | DEBUG    | __main__:<module>:20 - Iteration 376: Points 386 (cluster 2375) and 349 (cluster 349) connect at weight=661.0
2025-04-09 19:04:16.586 | DEBUG    | __main__:<module>:20 - Iteration 377: Points 384 (cluster 384) and 379 (cluster 379) connect at weight=661.0
2025-04-09 19:04:16.587 | DEBUG    | __main__:<module>:20 - Iteration 378: Points 384 (cluster 2377) and 376 (cluster 376) connect at weight=661.0
2025-04-09 19:04:16.587 | DEBUG    | __main__:<module>:20 - Iteration 379: Points 384 (cluster 2378) and 357 (cluster 357) connect at weight=661.0
2025-04-09 19:04:16.587 | DEBUG    | __main__:<module>:20 - Iteration 380: Points 383 (cluster 383) and 344 (cluster 344) connect at weight=661.0
2025-04-09 19:04:16.587 | DEBUG    | __main__:<module>:20 - Iteration 381: Points 375 (cluster 375) and 370 (cluster 370) connect at weight=661.0
2025-04-09 19:04:16.587 | DEBUG    | __main__:<module>:20 - Iteration 382: Points 375 (cluster 2381) and 368 (cluster 368) connect at weight=661.0
2025-04-09 19:04:16.588 | DEBUG    | __main__:<module>:20 - Iteration 383: Points 375 (cluster 2382) and 347 (cluster 347) connect at weight=661.0
2025-04-09 19:04:16.588 | DEBUG    | __main__:<module>:20 - Iteration 384: Points 326 (cluster 2323) and 348 (cluster 348) connect at weight=661.0
2025-04-09 19:04:16.588 | DEBUG    | __main__:<module>:20 - Iteration 385: Points 326 (cluster 2384) and 330 (cluster 330) connect at weight=661.0
2025-04-09 19:04:16.588 | DEBUG    | __main__:<module>:20 - Iteration 386: Points 325 (cluster 2305) and 406 (cluster 2345) connect at weight=661.0
2025-04-09 19:04:16.588 | DEBUG    | __main__:<module>:20 - Iteration 387: Points 325 (cluster 2386) and 386 (cluster 2376) connect at weight=661.0
2025-04-09 19:04:16.588 | DEBUG    | __main__:<module>:20 - Iteration 388: Points 325 (cluster 2387) and 378 (cluster 378) connect at weight=661.0
2025-04-09 19:04:16.589 | DEBUG    | __main__:<module>:20 - Iteration 389: Points 324 (cluster 2360) and 392 (cluster 392) connect at weight=661.0
2025-04-09 19:04:16.589 | DEBUG    | __main__:<module>:20 - Iteration 390: Points 321 (cluster 2385) and 390 (cluster 2370) connect at weight=661.0
2025-04-09 19:04:16.589 | DEBUG    | __main__:<module>:20 - Iteration 391: Points 321 (cluster 2390) and 338 (cluster 338) connect at weight=661.0
2025-04-09 19:04:16.589 | DEBUG    | __main__:<module>:20 - Iteration 392: Points 319 (cluster 2391) and 333 (cluster 333) connect at weight=661.0
2025-04-09 19:04:16.589 | DEBUG    | __main__:<module>:20 - Iteration 393: Points 317 (cluster 2392) and 405 (cluster 2352) connect at weight=661.0
2025-04-09 19:04:16.590 | DEBUG    | __main__:<module>:20 - Iteration 394: Points 312 (cluster 2393) and 395 (cluster 395) connect at weight=661.0
2025-04-09 19:04:16.590 | DEBUG    | __main__:<module>:20 - Iteration 395: Points 311 (cluster 2389) and 394 (cluster 394) connect at weight=661.0
2025-04-09 19:04:16.590 | DEBUG    | __main__:<module>:20 - Iteration 396: Points 310 (cluster 2395) and 409 (cluster 2329) connect at weight=661.0
2025-04-09 19:04:16.590 | DEBUG    | __main__:<module>:20 - Iteration 397: Points 309 (cluster 2396) and 400 (cluster 2359) connect at weight=661.0
2025-04-09 19:04:16.590 | DEBUG    | __main__:<module>:20 - Iteration 398: Points 307 (cluster 2397) and 407 (cluster 2332) connect at weight=661.0
2025-04-09 19:04:16.590 | DEBUG    | __main__:<module>:20 - Iteration 399: Points 303 (cluster 2394) and 371 (cluster 371) connect at weight=661.0
2025-04-09 19:04:16.591 | DEBUG    | __main__:<module>:20 - Iteration 400: Points 302 (cluster 2399) and 375 (cluster 2383) connect at weight=661.0
2025-04-09 19:04:16.591 | DEBUG    | __main__:<module>:20 - Iteration 401: Points 300 (cluster 2400) and 383 (cluster 2380) connect at weight=661.0
2025-04-09 19:04:16.591 | DEBUG    | __main__:<module>:20 - Iteration 402: Points 272 (cluster 2401) and 398 (cluster 2364) connect at weight=661.0
2025-04-09 19:04:16.591 | DEBUG    | __main__:<module>:20 - Iteration 403: Points 263 (cluster 2398) and 391 (cluster 2365) connect at weight=661.0
2025-04-09 19:04:16.591 | DEBUG    | __main__:<module>:20 - Iteration 404: Points 249 (cluster 2403) and 384 (cluster 2379) connect at weight=661.0
2025-04-09 19:04:16.592 | DEBUG    | __main__:<module>:20 - Iteration 405: Points 193 (cluster 2404) and 369 (cluster 369) connect at weight=661.0
2025-04-09 19:04:16.592 | DEBUG    | __main__:<module>:20 - Iteration 406: Points 495 (cluster 495) and 466 (cluster 466) connect at weight=660.0
2025-04-09 19:04:16.592 | DEBUG    | __main__:<module>:20 - Iteration 407: Points 495 (cluster 2406) and 432 (cluster 432) connect at weight=660.0
2025-04-09 19:04:16.592 | DEBUG    | __main__:<module>:20 - Iteration 408: Points 495 (cluster 2407) and 425 (cluster 425) connect at weight=660.0
2025-04-09 19:04:16.592 | DEBUG    | __main__:<module>:20 - Iteration 409: Points 494 (cluster 494) and 435 (cluster 435) connect at weight=660.0
2025-04-09 19:04:16.593 | DEBUG    | __main__:<module>:20 - Iteration 410: Points 493 (cluster 493) and 487 (cluster 487) connect at weight=660.0
2025-04-09 19:04:16.593 | DEBUG    | __main__:<module>:20 - Iteration 411: Points 493 (cluster 2410) and 463 (cluster 463) connect at weight=660.0
2025-04-09 19:04:16.593 | DEBUG    | __main__:<module>:20 - Iteration 412: Points 492 (cluster 492) and 491 (cluster 491) connect at weight=660.0
2025-04-09 19:04:16.593 | DEBUG    | __main__:<module>:20 - Iteration 413: Points 490 (cluster 490) and 488 (cluster 488) connect at weight=660.0
2025-04-09 19:04:16.593 | DEBUG    | __main__:<module>:20 - Iteration 414: Points 490 (cluster 2413) and 481 (cluster 481) connect at weight=660.0
2025-04-09 19:04:16.593 | DEBUG    | __main__:<module>:20 - Iteration 415: Points 490 (cluster 2414) and 480 (cluster 480) connect at weight=660.0
2025-04-09 19:04:16.594 | DEBUG    | __main__:<module>:20 - Iteration 416: Points 490 (cluster 2415) and 475 (cluster 475) connect at weight=660.0
2025-04-09 19:04:16.594 | DEBUG    | __main__:<module>:20 - Iteration 417: Points 490 (cluster 2416) and 474 (cluster 474) connect at weight=660.0
2025-04-09 19:04:16.594 | DEBUG    | __main__:<module>:20 - Iteration 418: Points 490 (cluster 2417) and 471 (cluster 471) connect at weight=660.0
2025-04-09 19:04:16.594 | DEBUG    | __main__:<module>:20 - Iteration 419: Points 490 (cluster 2418) and 468 (cluster 468) connect at weight=660.0
2025-04-09 19:04:16.594 | DEBUG    | __main__:<module>:20 - Iteration 420: Points 490 (cluster 2419) and 459 (cluster 459) connect at weight=660.0
2025-04-09 19:04:16.595 | DEBUG    | __main__:<module>:20 - Iteration 421: Points 490 (cluster 2420) and 457 (cluster 457) connect at weight=660.0
2025-04-09 19:04:16.595 | DEBUG    | __main__:<module>:20 - Iteration 422: Points 490 (cluster 2421) and 453 (cluster 453) connect at weight=660.0
2025-04-09 19:04:16.595 | DEBUG    | __main__:<module>:20 - Iteration 423: Points 490 (cluster 2422) and 449 (cluster 449) connect at weight=660.0
2025-04-09 19:04:16.595 | DEBUG    | __main__:<module>:20 - Iteration 424: Points 490 (cluster 2423) and 442 (cluster 442) connect at weight=660.0
2025-04-09 19:04:16.595 | DEBUG    | __main__:<module>:20 - Iteration 425: Points 490 (cluster 2424) and 440 (cluster 440) connect at weight=660.0
2025-04-09 19:04:16.595 | DEBUG    | __main__:<module>:20 - Iteration 426: Points 490 (cluster 2425) and 429 (cluster 429) connect at weight=660.0
2025-04-09 19:04:16.596 | DEBUG    | __main__:<module>:20 - Iteration 427: Points 490 (cluster 2426) and 423 (cluster 423) connect at weight=660.0
2025-04-09 19:04:16.596 | DEBUG    | __main__:<module>:20 - Iteration 428: Points 490 (cluster 2427) and 420 (cluster 420) connect at weight=660.0
2025-04-09 19:04:16.596 | DEBUG    | __main__:<module>:20 - Iteration 429: Points 490 (cluster 2428) and 419 (cluster 419) connect at weight=660.0
2025-04-09 19:04:16.596 | DEBUG    | __main__:<module>:20 - Iteration 430: Points 490 (cluster 2429) and 418 (cluster 418) connect at weight=660.0
2025-04-09 19:04:16.596 | DEBUG    | __main__:<module>:20 - Iteration 431: Points 490 (cluster 2430) and 413 (cluster 413) connect at weight=660.0
2025-04-09 19:04:16.597 | DEBUG    | __main__:<module>:20 - Iteration 432: Points 490 (cluster 2431) and 408 (cluster 2331) connect at weight=660.0
2025-04-09 19:04:16.597 | DEBUG    | __main__:<module>:20 - Iteration 433: Points 486 (cluster 486) and 476 (cluster 476) connect at weight=660.0
2025-04-09 19:04:16.597 | DEBUG    | __main__:<module>:20 - Iteration 434: Points 486 (cluster 2433) and 438 (cluster 438) connect at weight=660.0
2025-04-09 19:04:16.597 | DEBUG    | __main__:<module>:20 - Iteration 435: Points 486 (cluster 2434) and 424 (cluster 424) connect at weight=660.0
2025-04-09 19:04:16.597 | DEBUG    | __main__:<module>:20 - Iteration 436: Points 485 (cluster 485) and 483 (cluster 483) connect at weight=660.0
2025-04-09 19:04:16.597 | DEBUG    | __main__:<module>:20 - Iteration 437: Points 485 (cluster 2436) and 436 (cluster 436) connect at weight=660.0
2025-04-09 19:04:16.598 | DEBUG    | __main__:<module>:20 - Iteration 438: Points 482 (cluster 482) and 454 (cluster 454) connect at weight=660.0
2025-04-09 19:04:16.598 | DEBUG    | __main__:<module>:20 - Iteration 439: Points 482 (cluster 2438) and 411 (cluster 411) connect at weight=660.0
2025-04-09 19:04:16.598 | DEBUG    | __main__:<module>:20 - Iteration 440: Points 479 (cluster 479) and 470 (cluster 470) connect at weight=660.0
2025-04-09 19:04:16.598 | DEBUG    | __main__:<module>:20 - Iteration 441: Points 478 (cluster 478) and 445 (cluster 445) connect at weight=660.0
2025-04-09 19:04:16.598 | DEBUG    | __main__:<module>:20 - Iteration 442: Points 478 (cluster 2441) and 443 (cluster 443) connect at weight=660.0
2025-04-09 19:04:16.598 | DEBUG    | __main__:<module>:20 - Iteration 443: Points 478 (cluster 2442) and 439 (cluster 439) connect at weight=660.0
2025-04-09 19:04:16.599 | DEBUG    | __main__:<module>:20 - Iteration 444: Points 478 (cluster 2443) and 430 (cluster 430) connect at weight=660.0
2025-04-09 19:04:16.599 | DEBUG    | __main__:<module>:20 - Iteration 445: Points 478 (cluster 2444) and 421 (cluster 421) connect at weight=660.0
2025-04-09 19:04:16.599 | DEBUG    | __main__:<module>:20 - Iteration 446: Points 478 (cluster 2445) and 414 (cluster 414) connect at weight=660.0
2025-04-09 19:04:16.599 | DEBUG    | __main__:<module>:20 - Iteration 447: Points 477 (cluster 477) and 426 (cluster 426) connect at weight=660.0
2025-04-09 19:04:16.599 | DEBUG    | __main__:<module>:20 - Iteration 448: Points 472 (cluster 472) and 469 (cluster 469) connect at weight=660.0
2025-04-09 19:04:16.600 | DEBUG    | __main__:<module>:20 - Iteration 449: Points 472 (cluster 2448) and 460 (cluster 460) connect at weight=660.0
2025-04-09 19:04:16.600 | DEBUG    | __main__:<module>:20 - Iteration 450: Points 464 (cluster 464) and 462 (cluster 462) connect at weight=660.0
2025-04-09 19:04:16.600 | DEBUG    | __main__:<module>:20 - Iteration 451: Points 464 (cluster 2450) and 451 (cluster 451) connect at weight=660.0
2025-04-09 19:04:16.600 | DEBUG    | __main__:<module>:20 - Iteration 452: Points 464 (cluster 2451) and 446 (cluster 446) connect at weight=660.0
2025-04-09 19:04:16.600 | DEBUG    | __main__:<module>:20 - Iteration 453: Points 464 (cluster 2452) and 437 (cluster 437) connect at weight=660.0
2025-04-09 19:04:16.600 | DEBUG    | __main__:<module>:20 - Iteration 454: Points 464 (cluster 2453) and 433 (cluster 433) connect at weight=660.0
2025-04-09 19:04:16.601 | DEBUG    | __main__:<module>:20 - Iteration 455: Points 461 (cluster 461) and 399 (cluster 2405) connect at weight=660.0
2025-04-09 19:04:16.601 | DEBUG    | __main__:<module>:20 - Iteration 456: Points 458 (cluster 458) and 427 (cluster 427) connect at weight=660.0
2025-04-09 19:04:16.602 | DEBUG    | __main__:<module>:20 - Iteration 457: Points 456 (cluster 456) and 455 (cluster 455) connect at weight=660.0
2025-04-09 19:04:16.602 | DEBUG    | __main__:<module>:20 - Iteration 458: Points 456 (cluster 2457) and 410 (cluster 410) connect at weight=660.0
2025-04-09 19:04:16.602 | DEBUG    | __main__:<module>:20 - Iteration 459: Points 452 (cluster 452) and 447 (cluster 447) connect at weight=660.0
2025-04-09 19:04:16.602 | DEBUG    | __main__:<module>:20 - Iteration 460: Points 448 (cluster 448) and 444 (cluster 444) connect at weight=660.0
2025-04-09 19:04:16.602 | DEBUG    | __main__:<module>:20 - Iteration 461: Points 448 (cluster 2460) and 434 (cluster 434) connect at weight=660.0
2025-04-09 19:04:16.603 | DEBUG    | __main__:<module>:20 - Iteration 462: Points 441 (cluster 441) and 422 (cluster 422) connect at weight=660.0
2025-04-09 19:04:16.603 | DEBUG    | __main__:<module>:20 - Iteration 463: Points 441 (cluster 2462) and 417 (cluster 417) connect at weight=660.0
2025-04-09 19:04:16.603 | DEBUG    | __main__:<module>:20 - Iteration 464: Points 431 (cluster 431) and 415 (cluster 415) connect at weight=660.0
2025-04-09 19:04:16.603 | DEBUG    | __main__:<module>:20 - Iteration 465: Points 409 (cluster 2455) and 494 (cluster 2409) connect at weight=660.0
2025-04-09 19:04:16.603 | DEBUG    | __main__:<module>:20 - Iteration 466: Points 409 (cluster 2465) and 479 (cluster 2440) connect at weight=660.0
2025-04-09 19:04:16.604 | DEBUG    | __main__:<module>:20 - Iteration 467: Points 409 (cluster 2466) and 473 (cluster 473) connect at weight=660.0
2025-04-09 19:04:16.604 | DEBUG    | __main__:<module>:20 - Iteration 468: Points 408 (cluster 2432) and 478 (cluster 2446) connect at weight=660.0
2025-04-09 19:04:16.604 | DEBUG    | __main__:<module>:20 - Iteration 469: Points 407 (cluster 2467) and 472 (cluster 2449) connect at weight=660.0
2025-04-09 19:04:16.604 | DEBUG    | __main__:<module>:20 - Iteration 470: Points 406 (cluster 2388) and 489 (cluster 489) connect at weight=660.0
2025-04-09 19:04:16.604 | DEBUG    | __main__:<module>:20 - Iteration 471: Points 406 (cluster 2470) and 486 (cluster 2435) connect at weight=660.0
2025-04-09 19:04:16.604 | DEBUG    | __main__:<module>:20 - Iteration 472: Points 406 (cluster 2471) and 448 (cluster 2461) connect at weight=660.0
2025-04-09 19:04:16.605 | DEBUG    | __main__:<module>:20 - Iteration 473: Points 405 (cluster 2402) and 485 (cluster 2437) connect at weight=660.0
2025-04-09 19:04:16.605 | DEBUG    | __main__:<module>:20 - Iteration 474: Points 405 (cluster 2473) and 464 (cluster 2454) connect at weight=660.0
2025-04-09 19:04:16.605 | DEBUG    | __main__:<module>:20 - Iteration 475: Points 400 (cluster 2469) and 477 (cluster 2447) connect at weight=660.0
2025-04-09 19:04:16.605 | DEBUG    | __main__:<module>:20 - Iteration 476: Points 400 (cluster 2475) and 456 (cluster 2458) connect at weight=660.0
2025-04-09 19:04:16.605 | DEBUG    | __main__:<module>:20 - Iteration 477: Points 398 (cluster 2474) and 458 (cluster 2456) connect at weight=660.0
2025-04-09 19:04:16.606 | DEBUG    | __main__:<module>:20 - Iteration 478: Points 395 (cluster 2477) and 492 (cluster 2412) connect at weight=660.0
2025-04-09 19:04:16.606 | DEBUG    | __main__:<module>:20 - Iteration 479: Points 394 (cluster 2476) and 428 (cluster 428) connect at weight=660.0
2025-04-09 19:04:16.606 | DEBUG    | __main__:<module>:20 - Iteration 480: Points 391 (cluster 2479) and 495 (cluster 2408) connect at weight=660.0
2025-04-09 19:04:16.606 | DEBUG    | __main__:<module>:20 - Iteration 481: Points 386 (cluster 2472) and 490 (cluster 2468) connect at weight=660.0
2025-04-09 19:04:16.606 | DEBUG    | __main__:<module>:20 - Iteration 482: Points 384 (cluster 2480) and 441 (cluster 2463) connect at weight=660.0
2025-04-09 19:04:16.606 | DEBUG    | __main__:<module>:20 - Iteration 483: Points 383 (cluster 2478) and 450 (cluster 450) connect at weight=660.0
2025-04-09 19:04:16.607 | DEBUG    | __main__:<module>:20 - Iteration 484: Points 383 (cluster 2483) and 416 (cluster 416) connect at weight=660.0
2025-04-09 19:04:16.607 | DEBUG    | __main__:<module>:20 - Iteration 485: Points 375 (cluster 2484) and 431 (cluster 2464) connect at weight=660.0
2025-04-09 19:04:16.607 | DEBUG    | __main__:<module>:20 - Iteration 486: Points 371 (cluster 2485) and 412 (cluster 412) connect at weight=660.0
2025-04-09 19:04:16.607 | DEBUG    | __main__:<module>:20 - Iteration 487: Points 333 (cluster 2486) and 467 (cluster 467) connect at weight=660.0
2025-04-09 19:04:16.607 | DEBUG    | __main__:<module>:20 - Iteration 488: Points 330 (cluster 2487) and 484 (cluster 484) connect at weight=660.0
2025-04-09 19:04:16.608 | DEBUG    | __main__:<module>:20 - Iteration 489: Points 324 (cluster 2482) and 482 (cluster 2439) connect at weight=660.0
2025-04-09 19:04:16.608 | DEBUG    | __main__:<module>:20 - Iteration 490: Points 315 (cluster 2488) and 493 (cluster 2411) connect at weight=660.0
2025-04-09 19:04:16.608 | DEBUG    | __main__:<module>:20 - Iteration 491: Points 303 (cluster 2490) and 465 (cluster 465) connect at weight=660.0
2025-04-09 19:04:16.609 | DEBUG    | __main__:<module>:20 - Iteration 492: Points 599 (cluster 599) and 519 (cluster 519) connect at weight=659.0
2025-04-09 19:04:16.609 | DEBUG    | __main__:<module>:20 - Iteration 493: Points 598 (cluster 598) and 573 (cluster 573) connect at weight=659.0
2025-04-09 19:04:16.609 | DEBUG    | __main__:<module>:20 - Iteration 494: Points 598 (cluster 2493) and 554 (cluster 554) connect at weight=659.0
2025-04-09 19:04:16.609 | DEBUG    | __main__:<module>:20 - Iteration 495: Points 598 (cluster 2494) and 529 (cluster 529) connect at weight=659.0
2025-04-09 19:04:16.609 | DEBUG    | __main__:<module>:20 - Iteration 496: Points 598 (cluster 2495) and 524 (cluster 524) connect at weight=659.0
2025-04-09 19:04:16.609 | DEBUG    | __main__:<module>:20 - Iteration 497: Points 598 (cluster 2496) and 510 (cluster 510) connect at weight=659.0
2025-04-09 19:04:16.610 | DEBUG    | __main__:<module>:20 - Iteration 498: Points 598 (cluster 2497) and 507 (cluster 507) connect at weight=659.0
2025-04-09 19:04:16.610 | DEBUG    | __main__:<module>:20 - Iteration 499: Points 597 (cluster 597) and 588 (cluster 588) connect at weight=659.0
2025-04-09 19:04:16.610 | DEBUG    | __main__:<module>:20 - Iteration 500: Points 597 (cluster 2499) and 537 (cluster 537) connect at weight=659.0
2025-04-09 19:04:16.610 | DEBUG    | __main__:<module>:20 - Iteration 501: Points 597 (cluster 2500) and 536 (cluster 536) connect at weight=659.0
2025-04-09 19:04:16.610 | DEBUG    | __main__:<module>:20 - Iteration 502: Points 597 (cluster 2501) and 528 (cluster 528) connect at weight=659.0
2025-04-09 19:04:16.611 | DEBUG    | __main__:<module>:20 - Iteration 503: Points 596 (cluster 596) and 595 (cluster 595) connect at weight=659.0
2025-04-09 19:04:16.611 | DEBUG    | __main__:<module>:20 - Iteration 504: Points 596 (cluster 2503) and 594 (cluster 594) connect at weight=659.0
2025-04-09 19:04:16.611 | DEBUG    | __main__:<module>:20 - Iteration 505: Points 596 (cluster 2504) and 593 (cluster 593) connect at weight=659.0
2025-04-09 19:04:16.611 | DEBUG    | __main__:<module>:20 - Iteration 506: Points 596 (cluster 2505) and 591 (cluster 591) connect at weight=659.0
2025-04-09 19:04:16.611 | DEBUG    | __main__:<module>:20 - Iteration 507: Points 596 (cluster 2506) and 589 (cluster 589) connect at weight=659.0
2025-04-09 19:04:16.611 | DEBUG    | __main__:<module>:20 - Iteration 508: Points 596 (cluster 2507) and 587 (cluster 587) connect at weight=659.0
2025-04-09 19:04:16.612 | DEBUG    | __main__:<module>:20 - Iteration 509: Points 596 (cluster 2508) and 586 (cluster 586) connect at weight=659.0
2025-04-09 19:04:16.612 | DEBUG    | __main__:<module>:20 - Iteration 510: Points 596 (cluster 2509) and 572 (cluster 572) connect at weight=659.0
2025-04-09 19:04:16.612 | DEBUG    | __main__:<module>:20 - Iteration 511: Points 596 (cluster 2510) and 571 (cluster 571) connect at weight=659.0
2025-04-09 19:04:16.612 | DEBUG    | __main__:<module>:20 - Iteration 512: Points 596 (cluster 2511) and 570 (cluster 570) connect at weight=659.0
2025-04-09 19:04:16.612 | DEBUG    | __main__:<module>:20 - Iteration 513: Points 596 (cluster 2512) and 569 (cluster 569) connect at weight=659.0
2025-04-09 19:04:16.613 | DEBUG    | __main__:<module>:20 - Iteration 514: Points 596 (cluster 2513) and 567 (cluster 567) connect at weight=659.0
2025-04-09 19:04:16.613 | DEBUG    | __main__:<module>:20 - Iteration 515: Points 596 (cluster 2514) and 563 (cluster 563) connect at weight=659.0
2025-04-09 19:04:16.613 | DEBUG    | __main__:<module>:20 - Iteration 516: Points 596 (cluster 2515) and 558 (cluster 558) connect at weight=659.0
2025-04-09 19:04:16.613 | DEBUG    | __main__:<module>:20 - Iteration 517: Points 596 (cluster 2516) and 552 (cluster 552) connect at weight=659.0
2025-04-09 19:04:16.613 | DEBUG    | __main__:<module>:20 - Iteration 518: Points 596 (cluster 2517) and 548 (cluster 548) connect at weight=659.0
2025-04-09 19:04:16.613 | DEBUG    | __main__:<module>:20 - Iteration 519: Points 596 (cluster 2518) and 547 (cluster 547) connect at weight=659.0
2025-04-09 19:04:16.614 | DEBUG    | __main__:<module>:20 - Iteration 520: Points 596 (cluster 2519) and 542 (cluster 542) connect at weight=659.0
2025-04-09 19:04:16.614 | DEBUG    | __main__:<module>:20 - Iteration 521: Points 596 (cluster 2520) and 538 (cluster 538) connect at weight=659.0
2025-04-09 19:04:16.614 | DEBUG    | __main__:<module>:20 - Iteration 522: Points 596 (cluster 2521) and 534 (cluster 534) connect at weight=659.0
2025-04-09 19:04:16.614 | DEBUG    | __main__:<module>:20 - Iteration 523: Points 596 (cluster 2522) and 533 (cluster 533) connect at weight=659.0
2025-04-09 19:04:16.614 | DEBUG    | __main__:<module>:20 - Iteration 524: Points 596 (cluster 2523) and 532 (cluster 532) connect at weight=659.0
2025-04-09 19:04:16.615 | DEBUG    | __main__:<module>:20 - Iteration 525: Points 596 (cluster 2524) and 531 (cluster 531) connect at weight=659.0
2025-04-09 19:04:16.615 | DEBUG    | __main__:<module>:20 - Iteration 526: Points 596 (cluster 2525) and 520 (cluster 520) connect at weight=659.0
2025-04-09 19:04:16.615 | DEBUG    | __main__:<module>:20 - Iteration 527: Points 596 (cluster 2526) and 518 (cluster 518) connect at weight=659.0
2025-04-09 19:04:16.615 | DEBUG    | __main__:<module>:20 - Iteration 528: Points 596 (cluster 2527) and 517 (cluster 517) connect at weight=659.0
2025-04-09 19:04:16.615 | DEBUG    | __main__:<module>:20 - Iteration 529: Points 596 (cluster 2528) and 516 (cluster 516) connect at weight=659.0
2025-04-09 19:04:16.615 | DEBUG    | __main__:<module>:20 - Iteration 530: Points 596 (cluster 2529) and 515 (cluster 515) connect at weight=659.0
2025-04-09 19:04:16.616 | DEBUG    | __main__:<module>:20 - Iteration 531: Points 596 (cluster 2530) and 514 (cluster 514) connect at weight=659.0
2025-04-09 19:04:16.616 | DEBUG    | __main__:<module>:20 - Iteration 532: Points 596 (cluster 2531) and 512 (cluster 512) connect at weight=659.0
2025-04-09 19:04:16.616 | DEBUG    | __main__:<module>:20 - Iteration 533: Points 596 (cluster 2532) and 509 (cluster 509) connect at weight=659.0
2025-04-09 19:04:16.616 | DEBUG    | __main__:<module>:20 - Iteration 534: Points 596 (cluster 2533) and 503 (cluster 503) connect at weight=659.0
2025-04-09 19:04:16.616 | DEBUG    | __main__:<module>:20 - Iteration 535: Points 596 (cluster 2534) and 502 (cluster 502) connect at weight=659.0
2025-04-09 19:04:16.617 | DEBUG    | __main__:<module>:20 - Iteration 536: Points 596 (cluster 2535) and 499 (cluster 499) connect at weight=659.0
2025-04-09 19:04:16.617 | DEBUG    | __main__:<module>:20 - Iteration 537: Points 596 (cluster 2536) and 496 (cluster 496) connect at weight=659.0
2025-04-09 19:04:16.617 | DEBUG    | __main__:<module>:20 - Iteration 538: Points 592 (cluster 592) and 568 (cluster 568) connect at weight=659.0
2025-04-09 19:04:16.617 | DEBUG    | __main__:<module>:20 - Iteration 539: Points 592 (cluster 2538) and 527 (cluster 527) connect at weight=659.0
2025-04-09 19:04:16.617 | DEBUG    | __main__:<module>:20 - Iteration 540: Points 592 (cluster 2539) and 508 (cluster 508) connect at weight=659.0
2025-04-09 19:04:16.617 | DEBUG    | __main__:<module>:20 - Iteration 541: Points 592 (cluster 2540) and 505 (cluster 505) connect at weight=659.0
2025-04-09 19:04:16.618 | DEBUG    | __main__:<module>:20 - Iteration 542: Points 592 (cluster 2541) and 504 (cluster 504) connect at weight=659.0
2025-04-09 19:04:16.618 | DEBUG    | __main__:<module>:20 - Iteration 543: Points 584 (cluster 584) and 583 (cluster 583) connect at weight=659.0
2025-04-09 19:04:16.618 | DEBUG    | __main__:<module>:20 - Iteration 544: Points 584 (cluster 2543) and 541 (cluster 541) connect at weight=659.0
2025-04-09 19:04:16.618 | DEBUG    | __main__:<module>:20 - Iteration 545: Points 584 (cluster 2544) and 535 (cluster 535) connect at weight=659.0
2025-04-09 19:04:16.618 | DEBUG    | __main__:<module>:20 - Iteration 546: Points 584 (cluster 2545) and 526 (cluster 526) connect at weight=659.0
2025-04-09 19:04:16.619 | DEBUG    | __main__:<module>:20 - Iteration 547: Points 582 (cluster 582) and 577 (cluster 577) connect at weight=659.0
2025-04-09 19:04:16.619 | DEBUG    | __main__:<module>:20 - Iteration 548: Points 582 (cluster 2547) and 576 (cluster 576) connect at weight=659.0
2025-04-09 19:04:16.619 | DEBUG    | __main__:<module>:20 - Iteration 549: Points 582 (cluster 2548) and 543 (cluster 543) connect at weight=659.0
2025-04-09 19:04:16.619 | DEBUG    | __main__:<module>:20 - Iteration 550: Points 582 (cluster 2549) and 506 (cluster 506) connect at weight=659.0
2025-04-09 19:04:16.619 | DEBUG    | __main__:<module>:20 - Iteration 551: Points 582 (cluster 2550) and 497 (cluster 497) connect at weight=659.0
2025-04-09 19:04:16.619 | DEBUG    | __main__:<module>:20 - Iteration 552: Points 581 (cluster 581) and 546 (cluster 546) connect at weight=659.0
2025-04-09 19:04:16.620 | DEBUG    | __main__:<module>:20 - Iteration 553: Points 581 (cluster 2552) and 523 (cluster 523) connect at weight=659.0
2025-04-09 19:04:16.620 | DEBUG    | __main__:<module>:20 - Iteration 554: Points 580 (cluster 580) and 566 (cluster 566) connect at weight=659.0
2025-04-09 19:04:16.620 | DEBUG    | __main__:<module>:20 - Iteration 555: Points 580 (cluster 2554) and 562 (cluster 562) connect at weight=659.0
2025-04-09 19:04:16.620 | DEBUG    | __main__:<module>:20 - Iteration 556: Points 580 (cluster 2555) and 559 (cluster 559) connect at weight=659.0
2025-04-09 19:04:16.620 | DEBUG    | __main__:<module>:20 - Iteration 557: Points 580 (cluster 2556) and 539 (cluster 539) connect at weight=659.0
2025-04-09 19:04:16.621 | DEBUG    | __main__:<module>:20 - Iteration 558: Points 580 (cluster 2557) and 530 (cluster 530) connect at weight=659.0
2025-04-09 19:04:16.621 | DEBUG    | __main__:<module>:20 - Iteration 559: Points 580 (cluster 2558) and 525 (cluster 525) connect at weight=659.0
2025-04-09 19:04:16.621 | DEBUG    | __main__:<module>:20 - Iteration 560: Points 580 (cluster 2559) and 522 (cluster 522) connect at weight=659.0
2025-04-09 19:04:16.621 | DEBUG    | __main__:<module>:20 - Iteration 561: Points 580 (cluster 2560) and 501 (cluster 501) connect at weight=659.0
2025-04-09 19:04:16.621 | DEBUG    | __main__:<module>:20 - Iteration 562: Points 575 (cluster 575) and 550 (cluster 550) connect at weight=659.0
2025-04-09 19:04:16.622 | DEBUG    | __main__:<module>:20 - Iteration 563: Points 575 (cluster 2562) and 461 (cluster 2489) connect at weight=659.0
2025-04-09 19:04:16.622 | DEBUG    | __main__:<module>:20 - Iteration 564: Points 561 (cluster 561) and 540 (cluster 540) connect at weight=659.0
2025-04-09 19:04:16.622 | DEBUG    | __main__:<module>:20 - Iteration 565: Points 560 (cluster 560) and 498 (cluster 498) connect at weight=659.0
2025-04-09 19:04:16.622 | DEBUG    | __main__:<module>:20 - Iteration 566: Points 557 (cluster 557) and 511 (cluster 511) connect at weight=659.0
2025-04-09 19:04:16.622 | DEBUG    | __main__:<module>:20 - Iteration 567: Points 549 (cluster 549) and 513 (cluster 513) connect at weight=659.0
2025-04-09 19:04:16.622 | DEBUG    | __main__:<module>:20 - Iteration 568: Points 495 (cluster 2563) and 582 (cluster 2551) connect at weight=659.0
2025-04-09 19:04:16.623 | DEBUG    | __main__:<module>:20 - Iteration 569: Points 493 (cluster 2491) and 551 (cluster 551) connect at weight=659.0
2025-04-09 19:04:16.623 | DEBUG    | __main__:<module>:20 - Iteration 570: Points 492 (cluster 2569) and 549 (cluster 2567) connect at weight=659.0
2025-04-09 19:04:16.623 | DEBUG    | __main__:<module>:20 - Iteration 571: Points 492 (cluster 2570) and 544 (cluster 544) connect at weight=659.0
2025-04-09 19:04:16.623 | DEBUG    | __main__:<module>:20 - Iteration 572: Points 490 (cluster 2481) and 580 (cluster 2561) connect at weight=659.0
2025-04-09 19:04:16.623 | DEBUG    | __main__:<module>:20 - Iteration 573: Points 489 (cluster 2572) and 599 (cluster 2492) connect at weight=659.0
2025-04-09 19:04:16.623 | DEBUG    | __main__:<module>:20 - Iteration 574: Points 489 (cluster 2573) and 555 (cluster 555) connect at weight=659.0
2025-04-09 19:04:16.624 | DEBUG    | __main__:<module>:20 - Iteration 575: Points 486 (cluster 2574) and 597 (cluster 2502) connect at weight=659.0
2025-04-09 19:04:16.624 | DEBUG    | __main__:<module>:20 - Iteration 576: Points 486 (cluster 2575) and 521 (cluster 521) connect at weight=659.0
2025-04-09 19:04:16.624 | DEBUG    | __main__:<module>:20 - Iteration 577: Points 482 (cluster 2568) and 545 (cluster 545) connect at weight=659.0
2025-04-09 19:04:16.624 | DEBUG    | __main__:<module>:20 - Iteration 578: Points 479 (cluster 2577) and 578 (cluster 578) connect at weight=659.0
2025-04-09 19:04:16.624 | DEBUG    | __main__:<module>:20 - Iteration 579: Points 478 (cluster 2576) and 596 (cluster 2537) connect at weight=659.0
2025-04-09 19:04:16.625 | DEBUG    | __main__:<module>:20 - Iteration 580: Points 477 (cluster 2578) and 574 (cluster 574) connect at weight=659.0
2025-04-09 19:04:16.625 | DEBUG    | __main__:<module>:20 - Iteration 581: Points 477 (cluster 2580) and 561 (cluster 2564) connect at weight=659.0
2025-04-09 19:04:16.625 | DEBUG    | __main__:<module>:20 - Iteration 582: Points 467 (cluster 2571) and 579 (cluster 579) connect at weight=659.0
2025-04-09 19:04:16.625 | DEBUG    | __main__:<module>:20 - Iteration 583: Points 464 (cluster 2582) and 598 (cluster 2498) connect at weight=659.0
2025-04-09 19:04:16.625 | DEBUG    | __main__:<module>:20 - Iteration 584: Points 458 (cluster 2583) and 565 (cluster 565) connect at weight=659.0
2025-04-09 19:04:16.625 | DEBUG    | __main__:<module>:20 - Iteration 585: Points 456 (cluster 2581) and 584 (cluster 2546) connect at weight=659.0
2025-04-09 19:04:16.626 | DEBUG    | __main__:<module>:20 - Iteration 586: Points 452 (cluster 2459) and 557 (cluster 2566) connect at weight=659.0
2025-04-09 19:04:16.631 | DEBUG    | __main__:<module>:20 - Iteration 587: Points 450 (cluster 2584) and 556 (cluster 556) connect at weight=659.0
2025-04-09 19:04:16.633 | DEBUG    | __main__:<module>:20 - Iteration 588: Points 448 (cluster 2579) and 452 (cluster 2586) connect at weight=659.0
2025-04-09 19:04:16.633 | DEBUG    | __main__:<module>:20 - Iteration 589: Points 441 (cluster 2585) and 592 (cluster 2542) connect at weight=659.0
2025-04-09 19:04:16.634 | DEBUG    | __main__:<module>:20 - Iteration 590: Points 412 (cluster 2587) and 585 (cluster 585) connect at weight=659.0
2025-04-09 19:04:16.634 | DEBUG    | __main__:<module>:20 - Iteration 591: Points 405 (cluster 2590) and 500 (cluster 500) connect at weight=659.0
2025-04-09 19:04:16.634 | DEBUG    | __main__:<module>:20 - Iteration 592: Points 398 (cluster 2591) and 590 (cluster 590) connect at weight=659.0
2025-04-09 19:04:16.634 | DEBUG    | __main__:<module>:20 - Iteration 593: Points 390 (cluster 2592) and 553 (cluster 553) connect at weight=659.0
2025-04-09 19:04:16.634 | DEBUG    | __main__:<module>:20 - Iteration 594: Points 386 (cluster 2588) and 564 (cluster 564) connect at weight=659.0
2025-04-09 19:04:16.634 | DEBUG    | __main__:<module>:20 - Iteration 595: Points 384 (cluster 2589) and 560 (cluster 2565) connect at weight=659.0
2025-04-09 19:04:16.635 | DEBUG    | __main__:<module>:20 - Iteration 596: Points 677 (cluster 677) and 644 (cluster 644) connect at weight=658.0
2025-04-09 19:04:16.635 | DEBUG    | __main__:<module>:20 - Iteration 597: Points 676 (cluster 676) and 672 (cluster 672) connect at weight=658.0
2025-04-09 19:04:16.635 | DEBUG    | __main__:<module>:20 - Iteration 598: Points 676 (cluster 2597) and 671 (cluster 671) connect at weight=658.0
2025-04-09 19:04:16.635 | DEBUG    | __main__:<module>:20 - Iteration 599: Points 676 (cluster 2598) and 669 (cluster 669) connect at weight=658.0
2025-04-09 19:04:16.635 | DEBUG    | __main__:<module>:20 - Iteration 600: Points 676 (cluster 2599) and 667 (cluster 667) connect at weight=658.0
2025-04-09 19:04:16.636 | DEBUG    | __main__:<module>:20 - Iteration 601: Points 676 (cluster 2600) and 662 (cluster 662) connect at weight=658.0
2025-04-09 19:04:16.636 | DEBUG    | __main__:<module>:20 - Iteration 602: Points 676 (cluster 2601) and 650 (cluster 650) connect at weight=658.0
2025-04-09 19:04:16.636 | DEBUG    | __main__:<module>:20 - Iteration 603: Points 676 (cluster 2602) and 624 (cluster 624) connect at weight=658.0
2025-04-09 19:04:16.636 | DEBUG    | __main__:<module>:20 - Iteration 604: Points 676 (cluster 2603) and 620 (cluster 620) connect at weight=658.0
2025-04-09 19:04:16.636 | DEBUG    | __main__:<module>:20 - Iteration 605: Points 676 (cluster 2604) and 619 (cluster 619) connect at weight=658.0
2025-04-09 19:04:16.637 | DEBUG    | __main__:<module>:20 - Iteration 606: Points 676 (cluster 2605) and 616 (cluster 616) connect at weight=658.0
2025-04-09 19:04:16.637 | DEBUG    | __main__:<module>:20 - Iteration 607: Points 675 (cluster 675) and 657 (cluster 657) connect at weight=658.0
2025-04-09 19:04:16.637 | DEBUG    | __main__:<module>:20 - Iteration 608: Points 675 (cluster 2607) and 634 (cluster 634) connect at weight=658.0
2025-04-09 19:04:16.637 | DEBUG    | __main__:<module>:20 - Iteration 609: Points 674 (cluster 674) and 665 (cluster 665) connect at weight=658.0
2025-04-09 19:04:16.637 | DEBUG    | __main__:<module>:20 - Iteration 610: Points 673 (cluster 673) and 645 (cluster 645) connect at weight=658.0
2025-04-09 19:04:16.637 | DEBUG    | __main__:<module>:20 - Iteration 611: Points 673 (cluster 2610) and 641 (cluster 641) connect at weight=658.0
2025-04-09 19:04:16.638 | DEBUG    | __main__:<module>:20 - Iteration 612: Points 673 (cluster 2611) and 629 (cluster 629) connect at weight=658.0
2025-04-09 19:04:16.638 | DEBUG    | __main__:<module>:20 - Iteration 613: Points 673 (cluster 2612) and 611 (cluster 611) connect at weight=658.0
2025-04-09 19:04:16.638 | DEBUG    | __main__:<module>:20 - Iteration 614: Points 673 (cluster 2613) and 606 (cluster 606) connect at weight=658.0
2025-04-09 19:04:16.638 | DEBUG    | __main__:<module>:20 - Iteration 615: Points 670 (cluster 670) and 666 (cluster 666) connect at weight=658.0
2025-04-09 19:04:16.638 | DEBUG    | __main__:<module>:20 - Iteration 616: Points 670 (cluster 2615) and 655 (cluster 655) connect at weight=658.0
2025-04-09 19:04:16.639 | DEBUG    | __main__:<module>:20 - Iteration 617: Points 670 (cluster 2616) and 651 (cluster 651) connect at weight=658.0
2025-04-09 19:04:16.639 | DEBUG    | __main__:<module>:20 - Iteration 618: Points 670 (cluster 2617) and 642 (cluster 642) connect at weight=658.0
2025-04-09 19:04:16.639 | DEBUG    | __main__:<module>:20 - Iteration 619: Points 670 (cluster 2618) and 630 (cluster 630) connect at weight=658.0
2025-04-09 19:04:16.639 | DEBUG    | __main__:<module>:20 - Iteration 620: Points 670 (cluster 2619) and 612 (cluster 612) connect at weight=658.0
2025-04-09 19:04:16.639 | DEBUG    | __main__:<module>:20 - Iteration 621: Points 670 (cluster 2620) and 605 (cluster 605) connect at weight=658.0
2025-04-09 19:04:16.640 | DEBUG    | __main__:<module>:20 - Iteration 622: Points 670 (cluster 2621) and 581 (cluster 2553) connect at weight=658.0
2025-04-09 19:04:16.640 | DEBUG    | __main__:<module>:20 - Iteration 623: Points 668 (cluster 668) and 640 (cluster 640) connect at weight=658.0
2025-04-09 19:04:16.640 | DEBUG    | __main__:<module>:20 - Iteration 624: Points 664 (cluster 664) and 600 (cluster 600) connect at weight=658.0
2025-04-09 19:04:16.640 | DEBUG    | __main__:<module>:20 - Iteration 625: Points 661 (cluster 661) and 615 (cluster 615) connect at weight=658.0
2025-04-09 19:04:16.640 | DEBUG    | __main__:<module>:20 - Iteration 626: Points 661 (cluster 2625) and 601 (cluster 601) connect at weight=658.0
2025-04-09 19:04:16.640 | DEBUG    | __main__:<module>:20 - Iteration 627: Points 660 (cluster 660) and 653 (cluster 653) connect at weight=658.0
2025-04-09 19:04:16.641 | DEBUG    | __main__:<module>:20 - Iteration 628: Points 660 (cluster 2627) and 627 (cluster 627) connect at weight=658.0
2025-04-09 19:04:16.641 | DEBUG    | __main__:<module>:20 - Iteration 629: Points 659 (cluster 659) and 632 (cluster 632) connect at weight=658.0
2025-04-09 19:04:16.641 | DEBUG    | __main__:<module>:20 - Iteration 630: Points 659 (cluster 2629) and 631 (cluster 631) connect at weight=658.0
2025-04-09 19:04:16.641 | DEBUG    | __main__:<module>:20 - Iteration 631: Points 659 (cluster 2630) and 603 (cluster 603) connect at weight=658.0
2025-04-09 19:04:16.641 | DEBUG    | __main__:<module>:20 - Iteration 632: Points 658 (cluster 658) and 604 (cluster 604) connect at weight=658.0
2025-04-09 19:04:16.642 | DEBUG    | __main__:<module>:20 - Iteration 633: Points 656 (cluster 656) and 643 (cluster 643) connect at weight=658.0
2025-04-09 19:04:16.642 | DEBUG    | __main__:<module>:20 - Iteration 634: Points 656 (cluster 2633) and 638 (cluster 638) connect at weight=658.0
2025-04-09 19:04:16.642 | DEBUG    | __main__:<module>:20 - Iteration 635: Points 656 (cluster 2634) and 625 (cluster 625) connect at weight=658.0
2025-04-09 19:04:16.642 | DEBUG    | __main__:<module>:20 - Iteration 636: Points 656 (cluster 2635) and 618 (cluster 618) connect at weight=658.0
2025-04-09 19:04:16.642 | DEBUG    | __main__:<module>:20 - Iteration 637: Points 654 (cluster 654) and 636 (cluster 636) connect at weight=658.0
2025-04-09 19:04:16.642 | DEBUG    | __main__:<module>:20 - Iteration 638: Points 649 (cluster 649) and 628 (cluster 628) connect at weight=658.0
2025-04-09 19:04:16.643 | DEBUG    | __main__:<module>:20 - Iteration 639: Points 646 (cluster 646) and 635 (cluster 635) connect at weight=658.0
2025-04-09 19:04:16.643 | DEBUG    | __main__:<module>:20 - Iteration 640: Points 639 (cluster 639) and 626 (cluster 626) connect at weight=658.0
2025-04-09 19:04:16.645 | DEBUG    | __main__:<module>:20 - Iteration 641: Points 637 (cluster 637) and 633 (cluster 633) connect at weight=658.0
2025-04-09 19:04:16.646 | DEBUG    | __main__:<module>:20 - Iteration 642: Points 637 (cluster 2641) and 607 (cluster 607) connect at weight=658.0
2025-04-09 19:04:16.646 | DEBUG    | __main__:<module>:20 - Iteration 643: Points 622 (cluster 622) and 610 (cluster 610) connect at weight=658.0
2025-04-09 19:04:16.646 | DEBUG    | __main__:<module>:20 - Iteration 644: Points 599 (cluster 2594) and 670 (cluster 2622) connect at weight=658.0
2025-04-09 19:04:16.646 | DEBUG    | __main__:<module>:20 - Iteration 645: Points 599 (cluster 2644) and 614 (cluster 614) connect at weight=658.0
2025-04-09 19:04:16.646 | DEBUG    | __main__:<module>:20 - Iteration 646: Points 598 (cluster 2593) and 647 (cluster 647) connect at weight=658.0
2025-04-09 19:04:16.647 | DEBUG    | __main__:<module>:20 - Iteration 647: Points 598 (cluster 2646) and 621 (cluster 621) connect at weight=658.0
2025-04-09 19:04:16.647 | DEBUG    | __main__:<module>:20 - Iteration 648: Points 597 (cluster 2645) and 646 (cluster 2639) connect at weight=658.0
2025-04-09 19:04:16.647 | DEBUG    | __main__:<module>:20 - Iteration 649: Points 596 (cluster 2648) and 676 (cluster 2606) connect at weight=658.0
2025-04-09 19:04:16.647 | DEBUG    | __main__:<module>:20 - Iteration 650: Points 596 (cluster 2649) and 664 (cluster 2624) connect at weight=658.0
2025-04-09 19:04:16.647 | DEBUG    | __main__:<module>:20 - Iteration 651: Points 596 (cluster 2650) and 659 (cluster 2631) connect at weight=658.0
2025-04-09 19:04:16.648 | DEBUG    | __main__:<module>:20 - Iteration 652: Points 596 (cluster 2651) and 648 (cluster 648) connect at weight=658.0
2025-04-09 19:04:16.648 | DEBUG    | __main__:<module>:20 - Iteration 653: Points 592 (cluster 2595) and 677 (cluster 2596) connect at weight=658.0
2025-04-09 19:04:16.648 | DEBUG    | __main__:<module>:20 - Iteration 654: Points 592 (cluster 2653) and 622 (cluster 2643) connect at weight=658.0
2025-04-09 19:04:16.648 | DEBUG    | __main__:<module>:20 - Iteration 655: Points 590 (cluster 2647) and 637 (cluster 2642) connect at weight=658.0
2025-04-09 19:04:16.648 | DEBUG    | __main__:<module>:20 - Iteration 656: Points 584 (cluster 2654) and 656 (cluster 2636) connect at weight=658.0
2025-04-09 19:04:16.648 | DEBUG    | __main__:<module>:20 - Iteration 657: Points 581 (cluster 2652) and 675 (cluster 2608) connect at weight=658.0
2025-04-09 19:04:16.649 | DEBUG    | __main__:<module>:20 - Iteration 658: Points 581 (cluster 2657) and 654 (cluster 2637) connect at weight=658.0
2025-04-09 19:04:16.649 | DEBUG    | __main__:<module>:20 - Iteration 659: Points 580 (cluster 2658) and 658 (cluster 2632) connect at weight=658.0
2025-04-09 19:04:16.649 | DEBUG    | __main__:<module>:20 - Iteration 660: Points 580 (cluster 2659) and 613 (cluster 613) connect at weight=658.0
2025-04-09 19:04:16.649 | DEBUG    | __main__:<module>:20 - Iteration 661: Points 579 (cluster 2655) and 668 (cluster 2623) connect at weight=658.0
2025-04-09 19:04:16.653 | DEBUG    | __main__:<module>:20 - Iteration 662: Points 578 (cluster 2656) and 663 (cluster 663) connect at weight=658.0
2025-04-09 19:04:16.653 | DEBUG    | __main__:<module>:20 - Iteration 663: Points 565 (cluster 2661) and 623 (cluster 623) connect at weight=658.0
2025-04-09 19:04:16.653 | DEBUG    | __main__:<module>:20 - Iteration 664: Points 561 (cluster 2662) and 639 (cluster 2640) connect at weight=658.0
2025-04-09 19:04:16.653 | DEBUG    | __main__:<module>:20 - Iteration 665: Points 557 (cluster 2660) and 673 (cluster 2614) connect at weight=658.0
2025-04-09 19:04:16.654 | DEBUG    | __main__:<module>:20 - Iteration 666: Points 556 (cluster 2663) and 617 (cluster 617) connect at weight=658.0
2025-04-09 19:04:16.654 | DEBUG    | __main__:<module>:20 - Iteration 667: Points 556 (cluster 2666) and 609 (cluster 609) connect at weight=658.0
2025-04-09 19:04:16.654 | DEBUG    | __main__:<module>:20 - Iteration 668: Points 553 (cluster 2667) and 649 (cluster 2638) connect at weight=658.0
2025-04-09 19:04:16.654 | DEBUG    | __main__:<module>:20 - Iteration 669: Points 500 (cluster 2668) and 661 (cluster 2626) connect at weight=658.0
2025-04-09 19:04:16.654 | DEBUG    | __main__:<module>:20 - Iteration 670: Points 500 (cluster 2669) and 660 (cluster 2628) connect at weight=658.0
2025-04-09 19:04:16.654 | DEBUG    | __main__:<module>:20 - Iteration 671: Points 490 (cluster 2665) and 602 (cluster 602) connect at weight=658.0
2025-04-09 19:04:16.655 | DEBUG    | __main__:<module>:20 - Iteration 672: Points 485 (cluster 2670) and 674 (cluster 2609) connect at weight=658.0
2025-04-09 19:04:16.655 | DEBUG    | __main__:<module>:20 - Iteration 673: Points 391 (cluster 2664) and 608 (cluster 608) connect at weight=658.0
2025-04-09 19:04:16.655 | DEBUG    | __main__:<module>:20 - Iteration 674: Points 314 (cluster 2673) and 652 (cluster 652) connect at weight=658.0
2025-04-09 19:04:16.655 | DEBUG    | __main__:<module>:20 - Iteration 675: Points 730 (cluster 730) and 723 (cluster 723) connect at weight=657.0
2025-04-09 19:04:16.655 | DEBUG    | __main__:<module>:20 - Iteration 676: Points 730 (cluster 2675) and 721 (cluster 721) connect at weight=657.0
2025-04-09 19:04:16.656 | DEBUG    | __main__:<module>:20 - Iteration 677: Points 730 (cluster 2676) and 719 (cluster 719) connect at weight=657.0
2025-04-09 19:04:16.656 | DEBUG    | __main__:<module>:20 - Iteration 678: Points 730 (cluster 2677) and 713 (cluster 713) connect at weight=657.0
2025-04-09 19:04:16.656 | DEBUG    | __main__:<module>:20 - Iteration 679: Points 730 (cluster 2678) and 712 (cluster 712) connect at weight=657.0
2025-04-09 19:04:16.656 | DEBUG    | __main__:<module>:20 - Iteration 680: Points 730 (cluster 2679) and 697 (cluster 697) connect at weight=657.0
2025-04-09 19:04:16.656 | DEBUG    | __main__:<module>:20 - Iteration 681: Points 730 (cluster 2680) and 694 (cluster 694) connect at weight=657.0
2025-04-09 19:04:16.656 | DEBUG    | __main__:<module>:20 - Iteration 682: Points 730 (cluster 2681) and 687 (cluster 687) connect at weight=657.0
2025-04-09 19:04:16.657 | DEBUG    | __main__:<module>:20 - Iteration 683: Points 730 (cluster 2682) and 683 (cluster 683) connect at weight=657.0
2025-04-09 19:04:16.657 | DEBUG    | __main__:<module>:20 - Iteration 684: Points 727 (cluster 727) and 717 (cluster 717) connect at weight=657.0
2025-04-09 19:04:16.657 | DEBUG    | __main__:<module>:20 - Iteration 685: Points 727 (cluster 2684) and 708 (cluster 708) connect at weight=657.0
2025-04-09 19:04:16.657 | DEBUG    | __main__:<module>:20 - Iteration 686: Points 727 (cluster 2685) and 707 (cluster 707) connect at weight=657.0
2025-04-09 19:04:16.657 | DEBUG    | __main__:<module>:20 - Iteration 687: Points 727 (cluster 2686) and 695 (cluster 695) connect at weight=657.0
2025-04-09 19:04:16.658 | DEBUG    | __main__:<module>:20 - Iteration 688: Points 727 (cluster 2687) and 686 (cluster 686) connect at weight=657.0
2025-04-09 19:04:16.658 | DEBUG    | __main__:<module>:20 - Iteration 689: Points 726 (cluster 726) and 680 (cluster 680) connect at weight=657.0
2025-04-09 19:04:16.658 | DEBUG    | __main__:<module>:20 - Iteration 690: Points 725 (cluster 725) and 718 (cluster 718) connect at weight=657.0
2025-04-09 19:04:16.658 | DEBUG    | __main__:<module>:20 - Iteration 691: Points 725 (cluster 2690) and 710 (cluster 710) connect at weight=657.0
2025-04-09 19:04:16.658 | DEBUG    | __main__:<module>:20 - Iteration 692: Points 725 (cluster 2691) and 688 (cluster 688) connect at weight=657.0
2025-04-09 19:04:16.658 | DEBUG    | __main__:<module>:20 - Iteration 693: Points 725 (cluster 2692) and 681 (cluster 681) connect at weight=657.0
2025-04-09 19:04:16.659 | DEBUG    | __main__:<module>:20 - Iteration 694: Points 724 (cluster 724) and 706 (cluster 706) connect at weight=657.0
2025-04-09 19:04:16.659 | DEBUG    | __main__:<module>:20 - Iteration 695: Points 724 (cluster 2694) and 698 (cluster 698) connect at weight=657.0
2025-04-09 19:04:16.659 | DEBUG    | __main__:<module>:20 - Iteration 696: Points 724 (cluster 2695) and 685 (cluster 685) connect at weight=657.0
2025-04-09 19:04:16.659 | DEBUG    | __main__:<module>:20 - Iteration 697: Points 702 (cluster 702) and 679 (cluster 679) connect at weight=657.0
2025-04-09 19:04:16.659 | DEBUG    | __main__:<module>:20 - Iteration 698: Points 692 (cluster 692) and 684 (cluster 684) connect at weight=657.0
2025-04-09 19:04:16.660 | DEBUG    | __main__:<module>:20 - Iteration 699: Points 676 (cluster 2671) and 725 (cluster 2693) connect at weight=657.0
2025-04-09 19:04:16.660 | DEBUG    | __main__:<module>:20 - Iteration 700: Points 676 (cluster 2699) and 702 (cluster 2697) connect at weight=657.0
2025-04-09 19:04:16.660 | DEBUG    | __main__:<module>:20 - Iteration 701: Points 675 (cluster 2700) and 692 (cluster 2698) connect at weight=657.0
2025-04-09 19:04:16.660 | DEBUG    | __main__:<module>:20 - Iteration 702: Points 674 (cluster 2672) and 727 (cluster 2688) connect at weight=657.0
2025-04-09 19:04:16.660 | DEBUG    | __main__:<module>:20 - Iteration 703: Points 673 (cluster 2701) and 705 (cluster 705) connect at weight=657.0
2025-04-09 19:04:16.660 | DEBUG    | __main__:<module>:20 - Iteration 704: Points 673 (cluster 2703) and 693 (cluster 693) connect at weight=657.0
2025-04-09 19:04:16.661 | DEBUG    | __main__:<module>:20 - Iteration 705: Points 668 (cluster 2702) and 691 (cluster 691) connect at weight=657.0
2025-04-09 19:04:16.661 | DEBUG    | __main__:<module>:20 - Iteration 706: Points 664 (cluster 2704) and 703 (cluster 703) connect at weight=657.0
2025-04-09 19:04:16.661 | DEBUG    | __main__:<module>:20 - Iteration 707: Points 661 (cluster 2705) and 730 (cluster 2683) connect at weight=657.0
2025-04-09 19:04:16.661 | DEBUG    | __main__:<module>:20 - Iteration 708: Points 658 (cluster 2706) and 709 (cluster 709) connect at weight=657.0
2025-04-09 19:04:16.661 | DEBUG    | __main__:<module>:20 - Iteration 709: Points 656 (cluster 2674) and 720 (cluster 720) connect at weight=657.0
2025-04-09 19:04:16.662 | DEBUG    | __main__:<module>:20 - Iteration 710: Points 656 (cluster 2709) and 714 (cluster 714) connect at weight=657.0
2025-04-09 19:04:16.662 | DEBUG    | __main__:<module>:20 - Iteration 711: Points 654 (cluster 2708) and 711 (cluster 711) connect at weight=657.0
2025-04-09 19:04:16.662 | DEBUG    | __main__:<module>:20 - Iteration 712: Points 652 (cluster 2710) and 716 (cluster 716) connect at weight=657.0
2025-04-09 19:04:16.662 | DEBUG    | __main__:<module>:20 - Iteration 713: Points 649 (cluster 2707) and 704 (cluster 704) connect at weight=657.0
2025-04-09 19:04:16.662 | DEBUG    | __main__:<module>:20 - Iteration 714: Points 649 (cluster 2713) and 678 (cluster 678) connect at weight=657.0
2025-04-09 19:04:16.662 | DEBUG    | __main__:<module>:20 - Iteration 715: Points 639 (cluster 2712) and 715 (cluster 715) connect at weight=657.0
2025-04-09 19:04:16.663 | DEBUG    | __main__:<module>:20 - Iteration 716: Points 639 (cluster 2715) and 701 (cluster 701) connect at weight=657.0
2025-04-09 19:04:16.663 | DEBUG    | __main__:<module>:20 - Iteration 717: Points 637 (cluster 2714) and 724 (cluster 2696) connect at weight=657.0
2025-04-09 19:04:16.663 | DEBUG    | __main__:<module>:20 - Iteration 718: Points 617 (cluster 2717) and 690 (cluster 690) connect at weight=657.0
2025-04-09 19:04:16.663 | DEBUG    | __main__:<module>:20 - Iteration 719: Points 608 (cluster 2716) and 700 (cluster 700) connect at weight=657.0
2025-04-09 19:04:16.663 | DEBUG    | __main__:<module>:20 - Iteration 720: Points 598 (cluster 2718) and 722 (cluster 722) connect at weight=657.0
2025-04-09 19:04:16.664 | DEBUG    | __main__:<module>:20 - Iteration 721: Points 592 (cluster 2719) and 696 (cluster 696) connect at weight=657.0
2025-04-09 19:04:16.664 | DEBUG    | __main__:<module>:20 - Iteration 722: Points 585 (cluster 2720) and 726 (cluster 2689) connect at weight=657.0
2025-04-09 19:04:16.664 | DEBUG    | __main__:<module>:20 - Iteration 723: Points 564 (cluster 2711) and 699 (cluster 699) connect at weight=657.0
2025-04-09 19:04:16.664 | DEBUG    | __main__:<module>:20 - Iteration 724: Points 494 (cluster 2721) and 729 (cluster 729) connect at weight=657.0
2025-04-09 19:04:16.664 | DEBUG    | __main__:<module>:20 - Iteration 725: Points 482 (cluster 2724) and 728 (cluster 728) connect at weight=657.0
2025-04-09 19:04:16.665 | DEBUG    | __main__:<module>:20 - Iteration 726: Points 482 (cluster 2725) and 689 (cluster 689) connect at weight=657.0
2025-04-09 19:04:16.665 | DEBUG    | __main__:<module>:20 - Iteration 727: Points 325 (cluster 2723) and 682 (cluster 682) connect at weight=657.0
2025-04-09 19:04:16.665 | DEBUG    | __main__:<module>:20 - Iteration 728: Points 782 (cluster 782) and 757 (cluster 757) connect at weight=656.0
2025-04-09 19:04:16.665 | DEBUG    | __main__:<module>:20 - Iteration 729: Points 782 (cluster 2728) and 741 (cluster 741) connect at weight=656.0
2025-04-09 19:04:16.665 | DEBUG    | __main__:<module>:20 - Iteration 730: Points 782 (cluster 2729) and 735 (cluster 735) connect at weight=656.0
2025-04-09 19:04:16.665 | DEBUG    | __main__:<module>:20 - Iteration 731: Points 782 (cluster 2730) and 731 (cluster 731) connect at weight=656.0
2025-04-09 19:04:16.666 | DEBUG    | __main__:<module>:20 - Iteration 732: Points 781 (cluster 781) and 764 (cluster 764) connect at weight=656.0
2025-04-09 19:04:16.666 | DEBUG    | __main__:<module>:20 - Iteration 733: Points 781 (cluster 2732) and 749 (cluster 749) connect at weight=656.0
2025-04-09 19:04:16.666 | DEBUG    | __main__:<module>:20 - Iteration 734: Points 780 (cluster 780) and 765 (cluster 765) connect at weight=656.0
2025-04-09 19:04:16.666 | DEBUG    | __main__:<module>:20 - Iteration 735: Points 780 (cluster 2734) and 753 (cluster 753) connect at weight=656.0
2025-04-09 19:04:16.666 | DEBUG    | __main__:<module>:20 - Iteration 736: Points 780 (cluster 2735) and 746 (cluster 746) connect at weight=656.0
2025-04-09 19:04:16.667 | DEBUG    | __main__:<module>:20 - Iteration 737: Points 780 (cluster 2736) and 739 (cluster 739) connect at weight=656.0
2025-04-09 19:04:16.667 | DEBUG    | __main__:<module>:20 - Iteration 738: Points 780 (cluster 2737) and 736 (cluster 736) connect at weight=656.0
2025-04-09 19:04:16.667 | DEBUG    | __main__:<module>:20 - Iteration 739: Points 778 (cluster 778) and 752 (cluster 752) connect at weight=656.0
2025-04-09 19:04:16.667 | DEBUG    | __main__:<module>:20 - Iteration 740: Points 778 (cluster 2739) and 738 (cluster 738) connect at weight=656.0
2025-04-09 19:04:16.667 | DEBUG    | __main__:<module>:20 - Iteration 741: Points 777 (cluster 777) and 773 (cluster 773) connect at weight=656.0
2025-04-09 19:04:16.667 | DEBUG    | __main__:<module>:20 - Iteration 742: Points 777 (cluster 2741) and 770 (cluster 770) connect at weight=656.0
2025-04-09 19:04:16.668 | DEBUG    | __main__:<module>:20 - Iteration 743: Points 777 (cluster 2742) and 756 (cluster 756) connect at weight=656.0
2025-04-09 19:04:16.668 | DEBUG    | __main__:<module>:20 - Iteration 744: Points 777 (cluster 2743) and 751 (cluster 751) connect at weight=656.0
2025-04-09 19:04:16.668 | DEBUG    | __main__:<module>:20 - Iteration 745: Points 777 (cluster 2744) and 740 (cluster 740) connect at weight=656.0
2025-04-09 19:04:16.668 | DEBUG    | __main__:<module>:20 - Iteration 746: Points 777 (cluster 2745) and 733 (cluster 733) connect at weight=656.0
2025-04-09 19:04:16.668 | DEBUG    | __main__:<module>:20 - Iteration 747: Points 769 (cluster 769) and 745 (cluster 745) connect at weight=656.0
2025-04-09 19:04:16.669 | DEBUG    | __main__:<module>:20 - Iteration 748: Points 768 (cluster 768) and 763 (cluster 763) connect at weight=656.0
2025-04-09 19:04:16.669 | DEBUG    | __main__:<module>:20 - Iteration 749: Points 766 (cluster 766) and 750 (cluster 750) connect at weight=656.0
2025-04-09 19:04:16.669 | DEBUG    | __main__:<module>:20 - Iteration 750: Points 766 (cluster 2749) and 742 (cluster 742) connect at weight=656.0
2025-04-09 19:04:16.669 | DEBUG    | __main__:<module>:20 - Iteration 751: Points 758 (cluster 758) and 754 (cluster 754) connect at weight=656.0
2025-04-09 19:04:16.669 | DEBUG    | __main__:<module>:20 - Iteration 752: Points 727 (cluster 2722) and 769 (cluster 2747) connect at weight=656.0
2025-04-09 19:04:16.669 | DEBUG    | __main__:<module>:20 - Iteration 753: Points 726 (cluster 2752) and 771 (cluster 771) connect at weight=656.0
2025-04-09 19:04:16.670 | DEBUG    | __main__:<module>:20 - Iteration 754: Points 725 (cluster 2727) and 778 (cluster 2740) connect at weight=656.0
2025-04-09 19:04:16.671 | DEBUG    | __main__:<module>:20 - Iteration 755: Points 724 (cluster 2753) and 737 (cluster 737) connect at weight=656.0
2025-04-09 19:04:16.671 | DEBUG    | __main__:<module>:20 - Iteration 756: Points 720 (cluster 2726) and 775 (cluster 775) connect at weight=656.0
2025-04-09 19:04:16.671 | DEBUG    | __main__:<module>:20 - Iteration 757: Points 715 (cluster 2756) and 734 (cluster 734) connect at weight=656.0
2025-04-09 19:04:16.671 | DEBUG    | __main__:<module>:20 - Iteration 758: Points 714 (cluster 2757) and 782 (cluster 2731) connect at weight=656.0
2025-04-09 19:04:16.671 | DEBUG    | __main__:<module>:20 - Iteration 759: Points 711 (cluster 2754) and 732 (cluster 732) connect at weight=656.0
2025-04-09 19:04:16.671 | DEBUG    | __main__:<module>:20 - Iteration 760: Points 709 (cluster 2759) and 777 (cluster 2746) connect at weight=656.0
2025-04-09 19:04:16.672 | DEBUG    | __main__:<module>:20 - Iteration 761: Points 705 (cluster 2760) and 779 (cluster 779) connect at weight=656.0
2025-04-09 19:04:16.672 | DEBUG    | __main__:<module>:20 - Iteration 762: Points 705 (cluster 2761) and 762 (cluster 762) connect at weight=656.0
2025-04-09 19:04:16.672 | DEBUG    | __main__:<module>:20 - Iteration 763: Points 704 (cluster 2755) and 772 (cluster 772) connect at weight=656.0
2025-04-09 19:04:16.672 | DEBUG    | __main__:<module>:20 - Iteration 764: Points 703 (cluster 2762) and 758 (cluster 2751) connect at weight=656.0
2025-04-09 19:04:16.672 | DEBUG    | __main__:<module>:20 - Iteration 765: Points 702 (cluster 2764) and 766 (cluster 2750) connect at weight=656.0
2025-04-09 19:04:16.673 | DEBUG    | __main__:<module>:20 - Iteration 766: Points 702 (cluster 2765) and 743 (cluster 743) connect at weight=656.0
2025-04-09 19:04:16.673 | DEBUG    | __main__:<module>:20 - Iteration 767: Points 699 (cluster 2766) and 755 (cluster 755) connect at weight=656.0
2025-04-09 19:04:16.673 | DEBUG    | __main__:<module>:20 - Iteration 768: Points 691 (cluster 2763) and 781 (cluster 2733) connect at weight=656.0
2025-04-09 19:04:16.673 | DEBUG    | __main__:<module>:20 - Iteration 769: Points 689 (cluster 2758) and 748 (cluster 748) connect at weight=656.0
2025-04-09 19:04:16.673 | DEBUG    | __main__:<module>:20 - Iteration 770: Points 682 (cluster 2767) and 776 (cluster 776) connect at weight=656.0
2025-04-09 19:04:16.673 | DEBUG    | __main__:<module>:20 - Iteration 771: Points 677 (cluster 2769) and 780 (cluster 2738) connect at weight=656.0
2025-04-09 19:04:16.674 | DEBUG    | __main__:<module>:20 - Iteration 772: Points 675 (cluster 2770) and 761 (cluster 761) connect at weight=656.0
2025-04-09 19:04:16.674 | DEBUG    | __main__:<module>:20 - Iteration 773: Points 664 (cluster 2772) and 768 (cluster 2748) connect at weight=656.0
2025-04-09 19:04:16.674 | DEBUG    | __main__:<module>:20 - Iteration 774: Points 659 (cluster 2773) and 747 (cluster 747) connect at weight=656.0
2025-04-09 19:04:16.674 | DEBUG    | __main__:<module>:20 - Iteration 775: Points 646 (cluster 2774) and 759 (cluster 759) connect at weight=656.0
2025-04-09 19:04:16.674 | DEBUG    | __main__:<module>:20 - Iteration 776: Points 622 (cluster 2771) and 767 (cluster 767) connect at weight=656.0
2025-04-09 19:04:16.675 | DEBUG    | __main__:<module>:20 - Iteration 777: Points 613 (cluster 2775) and 760 (cluster 760) connect at weight=656.0
2025-04-09 19:04:16.675 | DEBUG    | __main__:<module>:20 - Iteration 778: Points 602 (cluster 2777) and 744 (cluster 744) connect at weight=656.0
2025-04-09 19:04:16.675 | DEBUG    | __main__:<module>:20 - Iteration 779: Points 818 (cluster 818) and 790 (cluster 790) connect at weight=655.0
2025-04-09 19:04:16.675 | DEBUG    | __main__:<module>:20 - Iteration 780: Points 817 (cluster 817) and 807 (cluster 807) connect at weight=655.0
2025-04-09 19:04:16.675 | DEBUG    | __main__:<module>:20 - Iteration 781: Points 817 (cluster 2780) and 806 (cluster 806) connect at weight=655.0
2025-04-09 19:04:16.675 | DEBUG    | __main__:<module>:20 - Iteration 782: Points 813 (cluster 813) and 800 (cluster 800) connect at weight=655.0
2025-04-09 19:04:16.676 | DEBUG    | __main__:<module>:20 - Iteration 783: Points 813 (cluster 2782) and 794 (cluster 794) connect at weight=655.0
2025-04-09 19:04:16.676 | DEBUG    | __main__:<module>:20 - Iteration 784: Points 809 (cluster 809) and 783 (cluster 783) connect at weight=655.0
2025-04-09 19:04:16.676 | DEBUG    | __main__:<module>:20 - Iteration 785: Points 808 (cluster 808) and 795 (cluster 795) connect at weight=655.0
2025-04-09 19:04:16.676 | DEBUG    | __main__:<module>:20 - Iteration 786: Points 805 (cluster 805) and 788 (cluster 788) connect at weight=655.0
2025-04-09 19:04:16.676 | DEBUG    | __main__:<module>:20 - Iteration 787: Points 804 (cluster 804) and 797 (cluster 797) connect at weight=655.0
2025-04-09 19:04:16.677 | DEBUG    | __main__:<module>:20 - Iteration 788: Points 802 (cluster 802) and 785 (cluster 785) connect at weight=655.0
2025-04-09 19:04:16.677 | DEBUG    | __main__:<module>:20 - Iteration 789: Points 801 (cluster 801) and 787 (cluster 787) connect at weight=655.0
2025-04-09 19:04:16.677 | DEBUG    | __main__:<module>:20 - Iteration 790: Points 793 (cluster 793) and 774 (cluster 774) connect at weight=655.0
2025-04-09 19:04:16.677 | DEBUG    | __main__:<module>:20 - Iteration 791: Points 782 (cluster 2776) and 805 (cluster 2786) connect at weight=655.0
2025-04-09 19:04:16.677 | DEBUG    | __main__:<module>:20 - Iteration 792: Points 782 (cluster 2791) and 793 (cluster 2790) connect at weight=655.0
2025-04-09 19:04:16.677 | DEBUG    | __main__:<module>:20 - Iteration 793: Points 780 (cluster 2792) and 811 (cluster 811) connect at weight=655.0
2025-04-09 19:04:16.678 | DEBUG    | __main__:<module>:20 - Iteration 794: Points 779 (cluster 2778) and 798 (cluster 798) connect at weight=655.0
2025-04-09 19:04:16.678 | DEBUG    | __main__:<module>:20 - Iteration 795: Points 779 (cluster 2794) and 792 (cluster 792) connect at weight=655.0
2025-04-09 19:04:16.678 | DEBUG    | __main__:<module>:20 - Iteration 796: Points 777 (cluster 2795) and 817 (cluster 2781) connect at weight=655.0
2025-04-09 19:04:16.678 | DEBUG    | __main__:<module>:20 - Iteration 797: Points 777 (cluster 2796) and 810 (cluster 810) connect at weight=655.0
2025-04-09 19:04:16.678 | DEBUG    | __main__:<module>:20 - Iteration 798: Points 776 (cluster 2797) and 809 (cluster 2784) connect at weight=655.0
2025-04-09 19:04:16.679 | DEBUG    | __main__:<module>:20 - Iteration 799: Points 769 (cluster 2768) and 816 (cluster 816) connect at weight=655.0
2025-04-09 19:04:16.679 | DEBUG    | __main__:<module>:20 - Iteration 800: Points 767 (cluster 2793) and 812 (cluster 812) connect at weight=655.0
2025-04-09 19:04:16.679 | DEBUG    | __main__:<module>:20 - Iteration 801: Points 766 (cluster 2798) and 813 (cluster 2783) connect at weight=655.0
2025-04-09 19:04:16.679 | DEBUG    | __main__:<module>:20 - Iteration 802: Points 761 (cluster 2801) and 818 (cluster 2779) connect at weight=655.0
2025-04-09 19:04:16.679 | DEBUG    | __main__:<module>:20 - Iteration 803: Points 759 (cluster 2802) and 802 (cluster 2788) connect at weight=655.0
2025-04-09 19:04:16.680 | DEBUG    | __main__:<module>:20 - Iteration 804: Points 759 (cluster 2803) and 791 (cluster 791) connect at weight=655.0
2025-04-09 19:04:16.680 | DEBUG    | __main__:<module>:20 - Iteration 805: Points 748 (cluster 2800) and 808 (cluster 2785) connect at weight=655.0
2025-04-09 19:04:16.680 | DEBUG    | __main__:<module>:20 - Iteration 806: Points 737 (cluster 2799) and 796 (cluster 796) connect at weight=655.0
2025-04-09 19:04:16.680 | DEBUG    | __main__:<module>:20 - Iteration 807: Points 732 (cluster 2804) and 801 (cluster 2789) connect at weight=655.0
2025-04-09 19:04:16.680 | DEBUG    | __main__:<module>:20 - Iteration 808: Points 730 (cluster 2806) and 786 (cluster 786) connect at weight=655.0
2025-04-09 19:04:16.680 | DEBUG    | __main__:<module>:20 - Iteration 809: Points 730 (cluster 2808) and 784 (cluster 784) connect at weight=655.0
2025-04-09 19:04:16.681 | DEBUG    | __main__:<module>:20 - Iteration 810: Points 729 (cluster 2805) and 803 (cluster 803) connect at weight=655.0
2025-04-09 19:04:16.681 | DEBUG    | __main__:<module>:20 - Iteration 811: Points 727 (cluster 2809) and 799 (cluster 799) connect at weight=655.0
2025-04-09 19:04:16.681 | DEBUG    | __main__:<module>:20 - Iteration 812: Points 722 (cluster 2811) and 789 (cluster 789) connect at weight=655.0
2025-04-09 19:04:16.681 | DEBUG    | __main__:<module>:20 - Iteration 813: Points 652 (cluster 2810) and 804 (cluster 2787) connect at weight=655.0
2025-04-09 19:04:16.681 | DEBUG    | __main__:<module>:20 - Iteration 814: Points 582 (cluster 2813) and 814 (cluster 814) connect at weight=655.0
2025-04-09 19:04:16.682 | DEBUG    | __main__:<module>:20 - Iteration 815: Points 556 (cluster 2812) and 815 (cluster 815) connect at weight=655.0
2025-04-09 19:04:16.682 | DEBUG    | __main__:<module>:20 - Iteration 816: Points 873 (cluster 873) and 861 (cluster 861) connect at weight=654.0
2025-04-09 19:04:16.682 | DEBUG    | __main__:<module>:20 - Iteration 817: Points 873 (cluster 2816) and 860 (cluster 860) connect at weight=654.0
2025-04-09 19:04:16.682 | DEBUG    | __main__:<module>:20 - Iteration 818: Points 873 (cluster 2817) and 853 (cluster 853) connect at weight=654.0
2025-04-09 19:04:16.682 | DEBUG    | __main__:<module>:20 - Iteration 819: Points 873 (cluster 2818) and 827 (cluster 827) connect at weight=654.0
2025-04-09 19:04:16.682 | DEBUG    | __main__:<module>:20 - Iteration 820: Points 871 (cluster 871) and 833 (cluster 833) connect at weight=654.0
2025-04-09 19:04:16.683 | DEBUG    | __main__:<module>:20 - Iteration 821: Points 870 (cluster 870) and 867 (cluster 867) connect at weight=654.0
2025-04-09 19:04:16.683 | DEBUG    | __main__:<module>:20 - Iteration 822: Points 870 (cluster 2821) and 847 (cluster 847) connect at weight=654.0
2025-04-09 19:04:16.683 | DEBUG    | __main__:<module>:20 - Iteration 823: Points 870 (cluster 2822) and 835 (cluster 835) connect at weight=654.0
2025-04-09 19:04:16.683 | DEBUG    | __main__:<module>:20 - Iteration 824: Points 866 (cluster 866) and 831 (cluster 831) connect at weight=654.0
2025-04-09 19:04:16.683 | DEBUG    | __main__:<module>:20 - Iteration 825: Points 864 (cluster 864) and 832 (cluster 832) connect at weight=654.0
2025-04-09 19:04:16.684 | DEBUG    | __main__:<module>:20 - Iteration 826: Points 856 (cluster 856) and 839 (cluster 839) connect at weight=654.0
2025-04-09 19:04:16.684 | DEBUG    | __main__:<module>:20 - Iteration 827: Points 855 (cluster 855) and 846 (cluster 846) connect at weight=654.0
2025-04-09 19:04:16.684 | DEBUG    | __main__:<module>:20 - Iteration 828: Points 855 (cluster 2827) and 840 (cluster 840) connect at weight=654.0
2025-04-09 19:04:16.684 | DEBUG    | __main__:<module>:20 - Iteration 829: Points 852 (cluster 852) and 823 (cluster 823) connect at weight=654.0
2025-04-09 19:04:16.684 | DEBUG    | __main__:<module>:20 - Iteration 830: Points 852 (cluster 2829) and 820 (cluster 820) connect at weight=654.0
2025-04-09 19:04:16.685 | DEBUG    | __main__:<module>:20 - Iteration 831: Points 851 (cluster 851) and 821 (cluster 821) connect at weight=654.0
2025-04-09 19:04:16.685 | DEBUG    | __main__:<module>:20 - Iteration 832: Points 850 (cluster 850) and 849 (cluster 849) connect at weight=654.0
2025-04-09 19:04:16.685 | DEBUG    | __main__:<module>:20 - Iteration 833: Points 843 (cluster 843) and 836 (cluster 836) connect at weight=654.0
2025-04-09 19:04:16.685 | DEBUG    | __main__:<module>:20 - Iteration 834: Points 837 (cluster 837) and 819 (cluster 819) connect at weight=654.0
2025-04-09 19:04:16.685 | DEBUG    | __main__:<module>:20 - Iteration 835: Points 829 (cluster 829) and 828 (cluster 828) connect at weight=654.0
2025-04-09 19:04:16.685 | DEBUG    | __main__:<module>:20 - Iteration 836: Points 829 (cluster 2835) and 825 (cluster 825) connect at weight=654.0
2025-04-09 19:04:16.686 | DEBUG    | __main__:<module>:20 - Iteration 837: Points 818 (cluster 2807) and 837 (cluster 2834) connect at weight=654.0
2025-04-09 19:04:16.686 | DEBUG    | __main__:<module>:20 - Iteration 838: Points 818 (cluster 2837) and 829 (cluster 2836) connect at weight=654.0
2025-04-09 19:04:16.686 | DEBUG    | __main__:<module>:20 - Iteration 839: Points 817 (cluster 2838) and 873 (cluster 2819) connect at weight=654.0
2025-04-09 19:04:16.686 | DEBUG    | __main__:<module>:20 - Iteration 840: Points 816 (cluster 2815) and 843 (cluster 2833) connect at weight=654.0
2025-04-09 19:04:16.686 | DEBUG    | __main__:<module>:20 - Iteration 841: Points 815 (cluster 2840) and 874 (cluster 874) connect at weight=654.0
2025-04-09 19:04:16.687 | DEBUG    | __main__:<module>:20 - Iteration 842: Points 815 (cluster 2841) and 856 (cluster 2826) connect at weight=654.0
2025-04-09 19:04:16.687 | DEBUG    | __main__:<module>:20 - Iteration 843: Points 813 (cluster 2839) and 863 (cluster 863) connect at weight=654.0
2025-04-09 19:04:16.687 | DEBUG    | __main__:<module>:20 - Iteration 844: Points 812 (cluster 2814) and 842 (cluster 842) connect at weight=654.0
2025-04-09 19:04:16.687 | DEBUG    | __main__:<module>:20 - Iteration 845: Points 811 (cluster 2844) and 866 (cluster 2824) connect at weight=654.0
2025-04-09 19:04:16.687 | DEBUG    | __main__:<module>:20 - Iteration 846: Points 808 (cluster 2845) and 855 (cluster 2828) connect at weight=654.0
2025-04-09 19:04:16.687 | DEBUG    | __main__:<module>:20 - Iteration 847: Points 805 (cluster 2846) and 871 (cluster 2820) connect at weight=654.0
2025-04-09 19:04:16.688 | DEBUG    | __main__:<module>:20 - Iteration 848: Points 805 (cluster 2847) and 852 (cluster 2830) connect at weight=654.0
2025-04-09 19:04:16.688 | DEBUG    | __main__:<module>:20 - Iteration 849: Points 801 (cluster 2843) and 870 (cluster 2823) connect at weight=654.0
2025-04-09 19:04:16.688 | DEBUG    | __main__:<module>:20 - Iteration 850: Points 799 (cluster 2842) and 862 (cluster 862) connect at weight=654.0
2025-04-09 19:04:16.688 | DEBUG    | __main__:<module>:20 - Iteration 851: Points 798 (cluster 2849) and 869 (cluster 869) connect at weight=654.0
2025-04-09 19:04:16.688 | DEBUG    | __main__:<module>:20 - Iteration 852: Points 798 (cluster 2851) and 854 (cluster 854) connect at weight=654.0
2025-04-09 19:04:16.689 | DEBUG    | __main__:<module>:20 - Iteration 853: Points 791 (cluster 2852) and 826 (cluster 826) connect at weight=654.0
2025-04-09 19:04:16.691 | DEBUG    | __main__:<module>:20 - Iteration 854: Points 789 (cluster 2850) and 830 (cluster 830) connect at weight=654.0
2025-04-09 19:04:16.691 | DEBUG    | __main__:<module>:20 - Iteration 855: Points 784 (cluster 2854) and 824 (cluster 824) connect at weight=654.0
2025-04-09 19:04:16.691 | DEBUG    | __main__:<module>:20 - Iteration 856: Points 780 (cluster 2848) and 858 (cluster 858) connect at weight=654.0
2025-04-09 19:04:16.691 | DEBUG    | __main__:<module>:20 - Iteration 857: Points 780 (cluster 2856) and 857 (cluster 857) connect at weight=654.0
2025-04-09 19:04:16.692 | DEBUG    | __main__:<module>:20 - Iteration 858: Points 780 (cluster 2857) and 851 (cluster 2831) connect at weight=654.0
2025-04-09 19:04:16.692 | DEBUG    | __main__:<module>:20 - Iteration 859: Points 778 (cluster 2853) and 872 (cluster 872) connect at weight=654.0
2025-04-09 19:04:16.692 | DEBUG    | __main__:<module>:20 - Iteration 860: Points 774 (cluster 2858) and 864 (cluster 2825) connect at weight=654.0
2025-04-09 19:04:16.692 | DEBUG    | __main__:<module>:20 - Iteration 861: Points 772 (cluster 2855) and 841 (cluster 841) connect at weight=654.0
2025-04-09 19:04:16.692 | DEBUG    | __main__:<module>:20 - Iteration 862: Points 766 (cluster 2859) and 838 (cluster 838) connect at weight=654.0
2025-04-09 19:04:16.693 | DEBUG    | __main__:<module>:20 - Iteration 863: Points 744 (cluster 2862) and 844 (cluster 844) connect at weight=654.0
2025-04-09 19:04:16.693 | DEBUG    | __main__:<module>:20 - Iteration 864: Points 734 (cluster 2860) and 845 (cluster 845) connect at weight=654.0
2025-04-09 19:04:16.693 | DEBUG    | __main__:<module>:20 - Iteration 865: Points 728 (cluster 2864) and 868 (cluster 868) connect at weight=654.0
2025-04-09 19:04:16.693 | DEBUG    | __main__:<module>:20 - Iteration 866: Points 724 (cluster 2861) and 822 (cluster 822) connect at weight=654.0
2025-04-09 19:04:16.693 | DEBUG    | __main__:<module>:20 - Iteration 867: Points 703 (cluster 2863) and 850 (cluster 2832) connect at weight=654.0
2025-04-09 19:04:16.693 | DEBUG    | __main__:<module>:20 - Iteration 868: Points 696 (cluster 2865) and 865 (cluster 865) connect at weight=654.0
2025-04-09 19:04:16.694 | DEBUG    | __main__:<module>:20 - Iteration 869: Points 660 (cluster 2866) and 859 (cluster 859) connect at weight=654.0
2025-04-09 19:04:16.694 | DEBUG    | __main__:<module>:20 - Iteration 870: Points 652 (cluster 2868) and 834 (cluster 834) connect at weight=654.0
2025-04-09 19:04:16.694 | DEBUG    | __main__:<module>:20 - Iteration 871: Points 178 (cluster 2870) and 848 (cluster 848) connect at weight=654.0
2025-04-09 19:04:16.694 | DEBUG    | __main__:<module>:20 - Iteration 872: Points 902 (cluster 902) and 891 (cluster 891) connect at weight=653.0
2025-04-09 19:04:16.694 | DEBUG    | __main__:<module>:20 - Iteration 873: Points 902 (cluster 2872) and 889 (cluster 889) connect at weight=653.0
2025-04-09 19:04:16.695 | DEBUG    | __main__:<module>:20 - Iteration 874: Points 901 (cluster 901) and 899 (cluster 899) connect at weight=653.0
2025-04-09 19:04:16.695 | DEBUG    | __main__:<module>:20 - Iteration 875: Points 900 (cluster 900) and 876 (cluster 876) connect at weight=653.0
2025-04-09 19:04:16.695 | DEBUG    | __main__:<module>:20 - Iteration 876: Points 898 (cluster 898) and 885 (cluster 885) connect at weight=653.0
2025-04-09 19:04:16.695 | DEBUG    | __main__:<module>:20 - Iteration 877: Points 898 (cluster 2876) and 882 (cluster 882) connect at weight=653.0
2025-04-09 19:04:16.695 | DEBUG    | __main__:<module>:20 - Iteration 878: Points 896 (cluster 896) and 893 (cluster 893) connect at weight=653.0
2025-04-09 19:04:16.695 | DEBUG    | __main__:<module>:20 - Iteration 879: Points 896 (cluster 2878) and 879 (cluster 879) connect at weight=653.0
2025-04-09 19:04:16.696 | DEBUG    | __main__:<module>:20 - Iteration 880: Points 896 (cluster 2879) and 877 (cluster 877) connect at weight=653.0
2025-04-09 19:04:16.696 | DEBUG    | __main__:<module>:20 - Iteration 881: Points 884 (cluster 884) and 881 (cluster 881) connect at weight=653.0
2025-04-09 19:04:16.696 | DEBUG    | __main__:<module>:20 - Iteration 882: Points 884 (cluster 2881) and 880 (cluster 880) connect at weight=653.0
2025-04-09 19:04:16.696 | DEBUG    | __main__:<module>:20 - Iteration 883: Points 884 (cluster 2882) and 878 (cluster 878) connect at weight=653.0
2025-04-09 19:04:16.696 | DEBUG    | __main__:<module>:20 - Iteration 884: Points 873 (cluster 2867) and 901 (cluster 2874) connect at weight=653.0
2025-04-09 19:04:16.697 | DEBUG    | __main__:<module>:20 - Iteration 885: Points 872 (cluster 2884) and 894 (cluster 894) connect at weight=653.0
2025-04-09 19:04:16.697 | DEBUG    | __main__:<module>:20 - Iteration 886: Points 871 (cluster 2871) and 892 (cluster 892) connect at weight=653.0
2025-04-09 19:04:16.697 | DEBUG    | __main__:<module>:20 - Iteration 887: Points 863 (cluster 2885) and 875 (cluster 875) connect at weight=653.0
2025-04-09 19:04:16.697 | DEBUG    | __main__:<module>:20 - Iteration 888: Points 858 (cluster 2886) and 883 (cluster 883) connect at weight=653.0
2025-04-09 19:04:16.697 | DEBUG    | __main__:<module>:20 - Iteration 889: Points 852 (cluster 2888) and 896 (cluster 2880) connect at weight=653.0
2025-04-09 19:04:16.697 | DEBUG    | __main__:<module>:20 - Iteration 890: Points 837 (cluster 2887) and 884 (cluster 2883) connect at weight=653.0
2025-04-09 19:04:16.698 | DEBUG    | __main__:<module>:20 - Iteration 891: Points 829 (cluster 2890) and 902 (cluster 2873) connect at weight=653.0
2025-04-09 19:04:16.698 | DEBUG    | __main__:<module>:20 - Iteration 892: Points 829 (cluster 2891) and 888 (cluster 888) connect at weight=653.0
2025-04-09 19:04:16.698 | DEBUG    | __main__:<module>:20 - Iteration 893: Points 826 (cluster 2892) and 898 (cluster 2877) connect at weight=653.0
2025-04-09 19:04:16.698 | DEBUG    | __main__:<module>:20 - Iteration 894: Points 813 (cluster 2893) and 886 (cluster 886) connect at weight=653.0
2025-04-09 19:04:16.698 | DEBUG    | __main__:<module>:20 - Iteration 895: Points 802 (cluster 2894) and 887 (cluster 887) connect at weight=653.0
2025-04-09 19:04:16.699 | DEBUG    | __main__:<module>:20 - Iteration 896: Points 700 (cluster 2889) and 895 (cluster 895) connect at weight=653.0
2025-04-09 19:04:16.699 | DEBUG    | __main__:<module>:20 - Iteration 897: Points 692 (cluster 2895) and 890 (cluster 890) connect at weight=653.0
2025-04-09 19:04:16.699 | DEBUG    | __main__:<module>:20 - Iteration 898: Points 691 (cluster 2869) and 900 (cluster 2875) connect at weight=653.0
2025-04-09 19:04:16.699 | DEBUG    | __main__:<module>:20 - Iteration 899: Points 953 (cluster 953) and 919 (cluster 919) connect at weight=652.0
2025-04-09 19:04:16.699 | DEBUG    | __main__:<module>:20 - Iteration 900: Points 951 (cluster 951) and 926 (cluster 926) connect at weight=652.0
2025-04-09 19:04:16.700 | DEBUG    | __main__:<module>:20 - Iteration 901: Points 948 (cluster 948) and 933 (cluster 933) connect at weight=652.0
2025-04-09 19:04:16.700 | DEBUG    | __main__:<module>:20 - Iteration 902: Points 946 (cluster 946) and 929 (cluster 929) connect at weight=652.0
2025-04-09 19:04:16.700 | DEBUG    | __main__:<module>:20 - Iteration 903: Points 945 (cluster 945) and 916 (cluster 916) connect at weight=652.0
2025-04-09 19:04:16.700 | DEBUG    | __main__:<module>:20 - Iteration 904: Points 943 (cluster 943) and 937 (cluster 937) connect at weight=652.0
2025-04-09 19:04:16.700 | DEBUG    | __main__:<module>:20 - Iteration 905: Points 943 (cluster 2904) and 910 (cluster 910) connect at weight=652.0
2025-04-09 19:04:16.700 | DEBUG    | __main__:<module>:20 - Iteration 906: Points 941 (cluster 941) and 918 (cluster 918) connect at weight=652.0
2025-04-09 19:04:16.701 | DEBUG    | __main__:<module>:20 - Iteration 907: Points 941 (cluster 2906) and 911 (cluster 911) connect at weight=652.0
2025-04-09 19:04:16.701 | DEBUG    | __main__:<module>:20 - Iteration 908: Points 941 (cluster 2907) and 904 (cluster 904) connect at weight=652.0
2025-04-09 19:04:16.701 | DEBUG    | __main__:<module>:20 - Iteration 909: Points 932 (cluster 932) and 921 (cluster 921) connect at weight=652.0
2025-04-09 19:04:16.701 | DEBUG    | __main__:<module>:20 - Iteration 910: Points 924 (cluster 924) and 906 (cluster 906) connect at weight=652.0
2025-04-09 19:04:16.701 | DEBUG    | __main__:<module>:20 - Iteration 911: Points 907 (cluster 907) and 575 (cluster 2896) connect at weight=652.0
2025-04-09 19:04:16.701 | DEBUG    | __main__:<module>:20 - Iteration 912: Points 902 (cluster 2897) and 940 (cluster 940) connect at weight=652.0
2025-04-09 19:04:16.702 | DEBUG    | __main__:<module>:20 - Iteration 913: Points 898 (cluster 2912) and 950 (cluster 950) connect at weight=652.0
2025-04-09 19:04:16.702 | DEBUG    | __main__:<module>:20 - Iteration 914: Points 896 (cluster 2911) and 941 (cluster 2908) connect at weight=652.0
2025-04-09 19:04:16.702 | DEBUG    | __main__:<module>:20 - Iteration 915: Points 896 (cluster 2914) and 924 (cluster 2910) connect at weight=652.0
2025-04-09 19:04:16.702 | DEBUG    | __main__:<module>:20 - Iteration 916: Points 895 (cluster 2915) and 913 (cluster 913) connect at weight=652.0
2025-04-09 19:04:16.702 | DEBUG    | __main__:<module>:20 - Iteration 917: Points 895 (cluster 2916) and 903 (cluster 903) connect at weight=652.0
2025-04-09 19:04:16.703 | DEBUG    | __main__:<module>:20 - Iteration 918: Points 890 (cluster 2913) and 943 (cluster 2905) connect at weight=652.0
2025-04-09 19:04:16.703 | DEBUG    | __main__:<module>:20 - Iteration 919: Points 887 (cluster 2918) and 914 (cluster 914) connect at weight=652.0
2025-04-09 19:04:16.703 | DEBUG    | __main__:<module>:20 - Iteration 920: Points 884 (cluster 2919) and 920 (cluster 920) connect at weight=652.0
2025-04-09 19:04:16.703 | DEBUG    | __main__:<module>:20 - Iteration 921: Points 883 (cluster 2917) and 951 (cluster 2900) connect at weight=652.0
2025-04-09 19:04:16.703 | DEBUG    | __main__:<module>:20 - Iteration 922: Points 875 (cluster 2920) and 934 (cluster 934) connect at weight=652.0
2025-04-09 19:04:16.703 | DEBUG    | __main__:<module>:20 - Iteration 923: Points 874 (cluster 2898) and 912 (cluster 912) connect at weight=652.0
2025-04-09 19:04:16.704 | DEBUG    | __main__:<module>:20 - Iteration 924: Points 873 (cluster 2922) and 936 (cluster 936) connect at weight=652.0
2025-04-09 19:04:16.704 | DEBUG    | __main__:<module>:20 - Iteration 925: Points 869 (cluster 2924) and 949 (cluster 949) connect at weight=652.0
2025-04-09 19:04:16.704 | DEBUG    | __main__:<module>:20 - Iteration 926: Points 866 (cluster 2921) and 931 (cluster 931) connect at weight=652.0
2025-04-09 19:04:16.704 | DEBUG    | __main__:<module>:20 - Iteration 927: Points 862 (cluster 2923) and 942 (cluster 942) connect at weight=652.0
2025-04-09 19:04:16.704 | DEBUG    | __main__:<module>:20 - Iteration 928: Points 862 (cluster 2927) and 908 (cluster 908) connect at weight=652.0
2025-04-09 19:04:16.705 | DEBUG    | __main__:<module>:20 - Iteration 929: Points 855 (cluster 2926) and 928 (cluster 928) connect at weight=652.0
2025-04-09 19:04:16.705 | DEBUG    | __main__:<module>:20 - Iteration 930: Points 850 (cluster 2925) and 944 (cluster 944) connect at weight=652.0
2025-04-09 19:04:16.705 | DEBUG    | __main__:<module>:20 - Iteration 931: Points 844 (cluster 2930) and 932 (cluster 2909) connect at weight=652.0
2025-04-09 19:04:16.705 | DEBUG    | __main__:<module>:20 - Iteration 932: Points 830 (cluster 2928) and 915 (cluster 915) connect at weight=652.0
2025-04-09 19:04:16.705 | DEBUG    | __main__:<module>:20 - Iteration 933: Points 824 (cluster 2932) and 953 (cluster 2899) connect at weight=652.0
2025-04-09 19:04:16.706 | DEBUG    | __main__:<module>:20 - Iteration 934: Points 824 (cluster 2933) and 909 (cluster 909) connect at weight=652.0
2025-04-09 19:04:16.706 | DEBUG    | __main__:<module>:20 - Iteration 935: Points 822 (cluster 2934) and 917 (cluster 917) connect at weight=652.0
2025-04-09 19:04:16.706 | DEBUG    | __main__:<module>:20 - Iteration 936: Points 817 (cluster 2931) and 939 (cluster 939) connect at weight=652.0
2025-04-09 19:04:16.706 | DEBUG    | __main__:<module>:20 - Iteration 937: Points 814 (cluster 2929) and 947 (cluster 947) connect at weight=652.0
2025-04-09 19:04:16.706 | DEBUG    | __main__:<module>:20 - Iteration 938: Points 809 (cluster 2936) and 925 (cluster 925) connect at weight=652.0
2025-04-09 19:04:16.706 | DEBUG    | __main__:<module>:20 - Iteration 939: Points 809 (cluster 2938) and 923 (cluster 923) connect at weight=652.0
2025-04-09 19:04:16.707 | DEBUG    | __main__:<module>:20 - Iteration 940: Points 796 (cluster 2935) and 938 (cluster 938) connect at weight=652.0
2025-04-09 19:04:16.707 | DEBUG    | __main__:<module>:20 - Iteration 941: Points 784 (cluster 2940) and 927 (cluster 927) connect at weight=652.0
2025-04-09 19:04:16.707 | DEBUG    | __main__:<module>:20 - Iteration 942: Points 774 (cluster 2937) and 930 (cluster 930) connect at weight=652.0
2025-04-09 19:04:16.707 | DEBUG    | __main__:<module>:20 - Iteration 943: Points 758 (cluster 2939) and 946 (cluster 2902) connect at weight=652.0
2025-04-09 19:04:16.707 | DEBUG    | __main__:<module>:20 - Iteration 944: Points 544 (cluster 2941) and 948 (cluster 2901) connect at weight=652.0
2025-04-09 19:04:16.708 | DEBUG    | __main__:<module>:20 - Iteration 945: Points 544 (cluster 2944) and 922 (cluster 922) connect at weight=652.0
2025-04-09 19:04:16.708 | DEBUG    | __main__:<module>:20 - Iteration 946: Points 465 (cluster 2945) and 897 (cluster 897) connect at weight=652.0
2025-04-09 19:04:16.708 | DEBUG    | __main__:<module>:20 - Iteration 947: Points 978 (cluster 978) and 945 (cluster 2903) connect at weight=651.0
2025-04-09 19:04:16.708 | DEBUG    | __main__:<module>:20 - Iteration 948: Points 974 (cluster 974) and 968 (cluster 968) connect at weight=651.0
2025-04-09 19:04:16.708 | DEBUG    | __main__:<module>:20 - Iteration 949: Points 974 (cluster 2948) and 965 (cluster 965) connect at weight=651.0
2025-04-09 19:04:16.708 | DEBUG    | __main__:<module>:20 - Iteration 950: Points 970 (cluster 970) and 967 (cluster 967) connect at weight=651.0
2025-04-09 19:04:16.709 | DEBUG    | __main__:<module>:20 - Iteration 951: Points 962 (cluster 962) and 957 (cluster 957) connect at weight=651.0
2025-04-09 19:04:16.709 | DEBUG    | __main__:<module>:20 - Iteration 952: Points 960 (cluster 960) and 905 (cluster 905) connect at weight=651.0
2025-04-09 19:04:16.709 | DEBUG    | __main__:<module>:20 - Iteration 953: Points 953 (cluster 2946) and 962 (cluster 2951) connect at weight=651.0
2025-04-09 19:04:16.712 | DEBUG    | __main__:<module>:20 - Iteration 954: Points 952 (cluster 952) and 978 (cluster 2947) connect at weight=651.0
2025-04-09 19:04:16.720 | DEBUG    | __main__:<module>:20 - Iteration 955: Points 951 (cluster 2942) and 972 (cluster 972) connect at weight=651.0
2025-04-09 19:04:16.720 | DEBUG    | __main__:<module>:20 - Iteration 956: Points 950 (cluster 2943) and 973 (cluster 973) connect at weight=651.0
2025-04-09 19:04:16.720 | DEBUG    | __main__:<module>:20 - Iteration 957: Points 949 (cluster 2956) and 955 (cluster 955) connect at weight=651.0
2025-04-09 19:04:16.720 | DEBUG    | __main__:<module>:20 - Iteration 958: Points 948 (cluster 2953) and 966 (cluster 966) connect at weight=651.0
2025-04-09 19:04:16.720 | DEBUG    | __main__:<module>:20 - Iteration 959: Points 946 (cluster 2957) and 970 (cluster 2950) connect at weight=651.0
2025-04-09 19:04:16.721 | DEBUG    | __main__:<module>:20 - Iteration 960: Points 945 (cluster 2954) and 974 (cluster 2949) connect at weight=651.0
2025-04-09 19:04:16.721 | DEBUG    | __main__:<module>:20 - Iteration 961: Points 942 (cluster 2958) and 971 (cluster 971) connect at weight=651.0
2025-04-09 19:04:16.721 | DEBUG    | __main__:<module>:20 - Iteration 962: Points 925 (cluster 2959) and 963 (cluster 963) connect at weight=651.0
2025-04-09 19:04:16.721 | DEBUG    | __main__:<module>:20 - Iteration 963: Points 922 (cluster 2961) and 956 (cluster 956) connect at weight=651.0
2025-04-09 19:04:16.721 | DEBUG    | __main__:<module>:20 - Iteration 964: Points 920 (cluster 2962) and 952 (cluster 2960) connect at weight=651.0
2025-04-09 19:04:16.721 | DEBUG    | __main__:<module>:20 - Iteration 965: Points 913 (cluster 2955) and 960 (cluster 2952) connect at weight=651.0
2025-04-09 19:04:16.722 | DEBUG    | __main__:<module>:20 - Iteration 966: Points 900 (cluster 2963) and 961 (cluster 961) connect at weight=651.0
2025-04-09 19:04:16.722 | DEBUG    | __main__:<module>:20 - Iteration 967: Points 886 (cluster 2964) and 969 (cluster 969) connect at weight=651.0
2025-04-09 19:04:16.723 | DEBUG    | __main__:<module>:20 - Iteration 968: Points 872 (cluster 2967) and 954 (cluster 954) connect at weight=651.0
2025-04-09 19:04:16.723 | DEBUG    | __main__:<module>:20 - Iteration 969: Points 866 (cluster 2965) and 976 (cluster 976) connect at weight=651.0
2025-04-09 19:04:16.723 | DEBUG    | __main__:<module>:20 - Iteration 970: Points 855 (cluster 2969) and 958 (cluster 958) connect at weight=651.0
2025-04-09 19:04:16.723 | DEBUG    | __main__:<module>:20 - Iteration 971: Points 838 (cluster 2968) and 975 (cluster 975) connect at weight=651.0
2025-04-09 19:04:16.723 | DEBUG    | __main__:<module>:20 - Iteration 972: Points 824 (cluster 2966) and 977 (cluster 977) connect at weight=651.0
2025-04-09 19:04:16.724 | DEBUG    | __main__:<module>:20 - Iteration 973: Points 803 (cluster 2970) and 964 (cluster 964) connect at weight=651.0
2025-04-09 19:04:16.724 | DEBUG    | __main__:<module>:20 - Iteration 974: Points 771 (cluster 2972) and 935 (cluster 935) connect at weight=651.0
2025-04-09 19:04:16.724 | DEBUG    | __main__:<module>:20 - Iteration 975: Points 623 (cluster 2974) and 959 (cluster 959) connect at weight=651.0
2025-04-09 19:04:16.724 | DEBUG    | __main__:<module>:20 - Iteration 976: Points 1015 (cluster 1015) and 980 (cluster 980) connect at weight=650.0
2025-04-09 19:04:16.724 | DEBUG    | __main__:<module>:20 - Iteration 977: Points 1014 (cluster 1014) and 997 (cluster 997) connect at weight=650.0
2025-04-09 19:04:16.724 | DEBUG    | __main__:<module>:20 - Iteration 978: Points 1012 (cluster 1012) and 1008 (cluster 1008) connect at weight=650.0
2025-04-09 19:04:16.725 | DEBUG    | __main__:<module>:20 - Iteration 979: Points 1012 (cluster 2978) and 998 (cluster 998) connect at weight=650.0
2025-04-09 19:04:16.725 | DEBUG    | __main__:<module>:20 - Iteration 980: Points 1011 (cluster 1011) and 981 (cluster 981) connect at weight=650.0
2025-04-09 19:04:16.725 | DEBUG    | __main__:<module>:20 - Iteration 981: Points 1007 (cluster 1007) and 979 (cluster 979) connect at weight=650.0
2025-04-09 19:04:16.725 | DEBUG    | __main__:<module>:20 - Iteration 982: Points 1004 (cluster 1004) and 983 (cluster 983) connect at weight=650.0
2025-04-09 19:04:16.725 | DEBUG    | __main__:<module>:20 - Iteration 983: Points 1003 (cluster 1003) and 1001 (cluster 1001) connect at weight=650.0
2025-04-09 19:04:16.725 | DEBUG    | __main__:<module>:20 - Iteration 984: Points 1003 (cluster 2983) and 992 (cluster 992) connect at weight=650.0
2025-04-09 19:04:16.726 | DEBUG    | __main__:<module>:20 - Iteration 985: Points 1003 (cluster 2984) and 987 (cluster 987) connect at weight=650.0
2025-04-09 19:04:16.726 | DEBUG    | __main__:<module>:20 - Iteration 986: Points 1002 (cluster 1002) and 993 (cluster 993) connect at weight=650.0
2025-04-09 19:04:16.726 | DEBUG    | __main__:<module>:20 - Iteration 987: Points 989 (cluster 989) and 986 (cluster 986) connect at weight=650.0
2025-04-09 19:04:16.726 | DEBUG    | __main__:<module>:20 - Iteration 988: Points 978 (cluster 2971) and 988 (cluster 988) connect at weight=650.0
2025-04-09 19:04:16.726 | DEBUG    | __main__:<module>:20 - Iteration 989: Points 977 (cluster 2975) and 995 (cluster 995) connect at weight=650.0
2025-04-09 19:04:16.727 | DEBUG    | __main__:<module>:20 - Iteration 990: Points 974 (cluster 2988) and 1015 (cluster 2976) connect at weight=650.0
2025-04-09 19:04:16.727 | DEBUG    | __main__:<module>:20 - Iteration 991: Points 974 (cluster 2990) and 994 (cluster 994) connect at weight=650.0
2025-04-09 19:04:16.727 | DEBUG    | __main__:<module>:20 - Iteration 992: Points 973 (cluster 2991) and 1013 (cluster 1013) connect at weight=650.0
2025-04-09 19:04:16.727 | DEBUG    | __main__:<module>:20 - Iteration 993: Points 973 (cluster 2992) and 1000 (cluster 1000) connect at weight=650.0
2025-04-09 19:04:16.727 | DEBUG    | __main__:<module>:20 - Iteration 994: Points 971 (cluster 2989) and 1004 (cluster 2982) connect at weight=650.0
2025-04-09 19:04:16.727 | DEBUG    | __main__:<module>:20 - Iteration 995: Points 970 (cluster 2993) and 996 (cluster 996) connect at weight=650.0
2025-04-09 19:04:16.728 | DEBUG    | __main__:<module>:20 - Iteration 996: Points 969 (cluster 2995) and 985 (cluster 985) connect at weight=650.0
2025-04-09 19:04:16.728 | DEBUG    | __main__:<module>:20 - Iteration 997: Points 962 (cluster 2994) and 1005 (cluster 1005) connect at weight=650.0
2025-04-09 19:04:16.728 | DEBUG    | __main__:<module>:20 - Iteration 998: Points 953 (cluster 2997) and 1016 (cluster 1016) connect at weight=650.0
2025-04-09 19:04:16.728 | DEBUG    | __main__:<module>:20 - Iteration 999: Points 952 (cluster 2996) and 1006 (cluster 1006) connect at weight=650.0
2025-04-09 19:04:16.728 | DEBUG    | __main__:<module>:20 - Iteration 1000: Points 947 (cluster 2973) and 989 (cluster 2987) connect at weight=650.0
2025-04-09 19:04:16.729 | DEBUG    | __main__:<module>:20 - Iteration 1001: Points 946 (cluster 2999) and 1010 (cluster 1010) connect at weight=650.0
2025-04-09 19:04:16.729 | DEBUG    | __main__:<module>:20 - Iteration 1002: Points 942 (cluster 2998) and 1014 (cluster 2977) connect at weight=650.0
2025-04-09 19:04:16.729 | DEBUG    | __main__:<module>:20 - Iteration 1003: Points 940 (cluster 3001) and 1012 (cluster 2979) connect at weight=650.0
2025-04-09 19:04:16.729 | DEBUG    | __main__:<module>:20 - Iteration 1004: Points 938 (cluster 3002) and 1009 (cluster 1009) connect at weight=650.0
2025-04-09 19:04:16.729 | DEBUG    | __main__:<module>:20 - Iteration 1005: Points 930 (cluster 3000) and 984 (cluster 984) connect at weight=650.0
2025-04-09 19:04:16.730 | DEBUG    | __main__:<module>:20 - Iteration 1006: Points 927 (cluster 3004) and 1007 (cluster 2981) connect at weight=650.0
2025-04-09 19:04:16.730 | DEBUG    | __main__:<module>:20 - Iteration 1007: Points 915 (cluster 3006) and 1002 (cluster 2986) connect at weight=650.0
2025-04-09 19:04:16.730 | DEBUG    | __main__:<module>:20 - Iteration 1008: Points 905 (cluster 3005) and 1003 (cluster 2985) connect at weight=650.0
2025-04-09 19:04:16.730 | DEBUG    | __main__:<module>:20 - Iteration 1009: Points 894 (cluster 3003) and 999 (cluster 999) connect at weight=650.0
2025-04-09 19:04:16.730 | DEBUG    | __main__:<module>:20 - Iteration 1010: Points 862 (cluster 3007) and 990 (cluster 990) connect at weight=650.0
2025-04-09 19:04:16.730 | DEBUG    | __main__:<module>:20 - Iteration 1011: Points 842 (cluster 3008) and 1011 (cluster 2980) connect at weight=650.0
2025-04-09 19:04:16.731 | DEBUG    | __main__:<module>:20 - Iteration 1012: Points 834 (cluster 3011) and 991 (cluster 991) connect at weight=650.0
2025-04-09 19:04:16.731 | DEBUG    | __main__:<module>:20 - Iteration 1013: Points 784 (cluster 3010) and 982 (cluster 982) connect at weight=650.0
2025-04-09 19:04:16.731 | DEBUG    | __main__:<module>:20 - Iteration 1014: Points 1048 (cluster 1048) and 1043 (cluster 1043) connect at weight=649.0
2025-04-09 19:04:16.731 | DEBUG    | __main__:<module>:20 - Iteration 1015: Points 1048 (cluster 3014) and 1026 (cluster 1026) connect at weight=649.0
2025-04-09 19:04:16.731 | DEBUG    | __main__:<module>:20 - Iteration 1016: Points 1048 (cluster 3015) and 1023 (cluster 1023) connect at weight=649.0
2025-04-09 19:04:16.732 | DEBUG    | __main__:<module>:20 - Iteration 1017: Points 1046 (cluster 1046) and 1031 (cluster 1031) connect at weight=649.0
2025-04-09 19:04:16.732 | DEBUG    | __main__:<module>:20 - Iteration 1018: Points 1046 (cluster 3017) and 1018 (cluster 1018) connect at weight=649.0
2025-04-09 19:04:16.732 | DEBUG    | __main__:<module>:20 - Iteration 1019: Points 1042 (cluster 1042) and 1038 (cluster 1038) connect at weight=649.0
2025-04-09 19:04:16.732 | DEBUG    | __main__:<module>:20 - Iteration 1020: Points 1036 (cluster 1036) and 1020 (cluster 1020) connect at weight=649.0
2025-04-09 19:04:16.732 | DEBUG    | __main__:<module>:20 - Iteration 1021: Points 1016 (cluster 3013) and 1032 (cluster 1032) connect at weight=649.0
2025-04-09 19:04:16.732 | DEBUG    | __main__:<module>:20 - Iteration 1022: Points 1016 (cluster 3021) and 1019 (cluster 1019) connect at weight=649.0
2025-04-09 19:04:16.733 | DEBUG    | __main__:<module>:20 - Iteration 1023: Points 1012 (cluster 3009) and 1045 (cluster 1045) connect at weight=649.0
2025-04-09 19:04:16.733 | DEBUG    | __main__:<module>:20 - Iteration 1024: Points 1012 (cluster 3023) and 1021 (cluster 1021) connect at weight=649.0
2025-04-09 19:04:16.733 | DEBUG    | __main__:<module>:20 - Iteration 1025: Points 1011 (cluster 3012) and 1048 (cluster 3016) connect at weight=649.0
2025-04-09 19:04:16.733 | DEBUG    | __main__:<module>:20 - Iteration 1026: Points 1011 (cluster 3025) and 1029 (cluster 1029) connect at weight=649.0
2025-04-09 19:04:16.733 | DEBUG    | __main__:<module>:20 - Iteration 1027: Points 1010 (cluster 3024) and 1036 (cluster 3020) connect at weight=649.0
2025-04-09 19:04:16.734 | DEBUG    | __main__:<module>:20 - Iteration 1028: Points 1003 (cluster 3026) and 1039 (cluster 1039) connect at weight=649.0
2025-04-09 19:04:16.734 | DEBUG    | __main__:<module>:20 - Iteration 1029: Points 995 (cluster 3022) and 1028 (cluster 1028) connect at weight=649.0
2025-04-09 19:04:16.734 | DEBUG    | __main__:<module>:20 - Iteration 1030: Points 991 (cluster 3028) and 1035 (cluster 1035) connect at weight=649.0
2025-04-09 19:04:16.734 | DEBUG    | __main__:<module>:20 - Iteration 1031: Points 991 (cluster 3030) and 1022 (cluster 1022) connect at weight=649.0
2025-04-09 19:04:16.734 | DEBUG    | __main__:<module>:20 - Iteration 1032: Points 989 (cluster 3031) and 1042 (cluster 3019) connect at weight=649.0
2025-04-09 19:04:16.734 | DEBUG    | __main__:<module>:20 - Iteration 1033: Points 988 (cluster 3027) and 1046 (cluster 3018) connect at weight=649.0
2025-04-09 19:04:16.735 | DEBUG    | __main__:<module>:20 - Iteration 1034: Points 985 (cluster 3033) and 1041 (cluster 1041) connect at weight=649.0
2025-04-09 19:04:16.735 | DEBUG    | __main__:<module>:20 - Iteration 1035: Points 976 (cluster 3032) and 1017 (cluster 1017) connect at weight=649.0
2025-04-09 19:04:16.735 | DEBUG    | __main__:<module>:20 - Iteration 1036: Points 972 (cluster 3035) and 1037 (cluster 1037) connect at weight=649.0
2025-04-09 19:04:16.735 | DEBUG    | __main__:<module>:20 - Iteration 1037: Points 964 (cluster 3036) and 1034 (cluster 1034) connect at weight=649.0
2025-04-09 19:04:16.735 | DEBUG    | __main__:<module>:20 - Iteration 1038: Points 958 (cluster 3037) and 1033 (cluster 1033) connect at weight=649.0
2025-04-09 19:04:16.736 | DEBUG    | __main__:<module>:20 - Iteration 1039: Points 956 (cluster 3029) and 1040 (cluster 1040) connect at weight=649.0
2025-04-09 19:04:16.736 | DEBUG    | __main__:<module>:20 - Iteration 1040: Points 955 (cluster 3034) and 1027 (cluster 1027) connect at weight=649.0
2025-04-09 19:04:16.736 | DEBUG    | __main__:<module>:20 - Iteration 1041: Points 951 (cluster 3038) and 1030 (cluster 1030) connect at weight=649.0
2025-04-09 19:04:16.736 | DEBUG    | __main__:<module>:20 - Iteration 1042: Points 938 (cluster 3039) and 1024 (cluster 1024) connect at weight=649.0
2025-04-09 19:04:16.736 | DEBUG    | __main__:<module>:20 - Iteration 1043: Points 934 (cluster 3040) and 1044 (cluster 1044) connect at weight=649.0
2025-04-09 19:04:16.736 | DEBUG    | __main__:<module>:20 - Iteration 1044: Points 870 (cluster 3043) and 1047 (cluster 1047) connect at weight=649.0
2025-04-09 19:04:16.737 | DEBUG    | __main__:<module>:20 - Iteration 1045: Points 826 (cluster 3044) and 1025 (cluster 1025) connect at weight=649.0
2025-04-09 19:04:16.737 | DEBUG    | __main__:<module>:20 - Iteration 1046: Points 1085 (cluster 1085) and 1079 (cluster 1079) connect at weight=648.0
2025-04-09 19:04:16.737 | DEBUG    | __main__:<module>:20 - Iteration 1047: Points 1085 (cluster 3046) and 1064 (cluster 1064) connect at weight=648.0
2025-04-09 19:04:16.737 | DEBUG    | __main__:<module>:20 - Iteration 1048: Points 1085 (cluster 3047) and 1061 (cluster 1061) connect at weight=648.0
2025-04-09 19:04:16.737 | DEBUG    | __main__:<module>:20 - Iteration 1049: Points 1083 (cluster 1083) and 1070 (cluster 1070) connect at weight=648.0
2025-04-09 19:04:16.738 | DEBUG    | __main__:<module>:20 - Iteration 1050: Points 1082 (cluster 1082) and 1073 (cluster 1073) connect at weight=648.0
2025-04-09 19:04:16.738 | DEBUG    | __main__:<module>:20 - Iteration 1051: Points 1082 (cluster 3050) and 1072 (cluster 1072) connect at weight=648.0
2025-04-09 19:04:16.738 | DEBUG    | __main__:<module>:20 - Iteration 1052: Points 1081 (cluster 1081) and 1066 (cluster 1066) connect at weight=648.0
2025-04-09 19:04:16.738 | DEBUG    | __main__:<module>:20 - Iteration 1053: Points 1081 (cluster 3052) and 1050 (cluster 1050) connect at weight=648.0
2025-04-09 19:04:16.738 | DEBUG    | __main__:<module>:20 - Iteration 1054: Points 1081 (cluster 3053) and 1049 (cluster 1049) connect at weight=648.0
2025-04-09 19:04:16.739 | DEBUG    | __main__:<module>:20 - Iteration 1055: Points 1074 (cluster 1074) and 1065 (cluster 1065) connect at weight=648.0
2025-04-09 19:04:16.739 | DEBUG    | __main__:<module>:20 - Iteration 1056: Points 1069 (cluster 1069) and 1068 (cluster 1068) connect at weight=648.0
2025-04-09 19:04:16.739 | DEBUG    | __main__:<module>:20 - Iteration 1057: Points 1057 (cluster 1057) and 1055 (cluster 1055) connect at weight=648.0
2025-04-09 19:04:16.739 | DEBUG    | __main__:<module>:20 - Iteration 1058: Points 1048 (cluster 3041) and 1063 (cluster 1063) connect at weight=648.0
2025-04-09 19:04:16.739 | DEBUG    | __main__:<module>:20 - Iteration 1059: Points 1046 (cluster 3045) and 1081 (cluster 3054) connect at weight=648.0
2025-04-09 19:04:16.739 | DEBUG    | __main__:<module>:20 - Iteration 1060: Points 1042 (cluster 3058) and 1062 (cluster 1062) connect at weight=648.0
2025-04-09 19:04:16.740 | DEBUG    | __main__:<module>:20 - Iteration 1061: Points 1042 (cluster 3060) and 1059 (cluster 1059) connect at weight=648.0
2025-04-09 19:04:16.740 | DEBUG    | __main__:<module>:20 - Iteration 1062: Points 1039 (cluster 3061) and 1086 (cluster 1086) connect at weight=648.0
2025-04-09 19:04:16.740 | DEBUG    | __main__:<module>:20 - Iteration 1063: Points 1039 (cluster 3062) and 1074 (cluster 3055) connect at weight=648.0
2025-04-09 19:04:16.740 | DEBUG    | __main__:<module>:20 - Iteration 1064: Points 1036 (cluster 3059) and 1085 (cluster 3048) connect at weight=648.0
2025-04-09 19:04:16.740 | DEBUG    | __main__:<module>:20 - Iteration 1065: Points 1030 (cluster 3063) and 1053 (cluster 1053) connect at weight=648.0
2025-04-09 19:04:16.741 | DEBUG    | __main__:<module>:20 - Iteration 1066: Points 1027 (cluster 3064) and 1076 (cluster 1076) connect at weight=648.0
2025-04-09 19:04:16.741 | DEBUG    | __main__:<module>:20 - Iteration 1067: Points 1025 (cluster 3066) and 1075 (cluster 1075) connect at weight=648.0
2025-04-09 19:04:16.741 | DEBUG    | __main__:<module>:20 - Iteration 1068: Points 1021 (cluster 3067) and 1051 (cluster 1051) connect at weight=648.0
2025-04-09 19:04:16.741 | DEBUG    | __main__:<module>:20 - Iteration 1069: Points 1017 (cluster 3065) and 1054 (cluster 1054) connect at weight=648.0
2025-04-09 19:04:16.741 | DEBUG    | __main__:<module>:20 - Iteration 1070: Points 1015 (cluster 3068) and 1082 (cluster 3051) connect at weight=648.0
2025-04-09 19:04:16.747 | DEBUG    | __main__:<module>:20 - Iteration 1071: Points 1010 (cluster 3070) and 1057 (cluster 3057) connect at weight=648.0
2025-04-09 19:04:16.747 | DEBUG    | __main__:<module>:20 - Iteration 1072: Points 1009 (cluster 3042) and 1071 (cluster 1071) connect at weight=648.0
2025-04-09 19:04:16.747 | DEBUG    | __main__:<module>:20 - Iteration 1073: Points 1004 (cluster 3072) and 1083 (cluster 3049) connect at weight=648.0
2025-04-09 19:04:16.747 | DEBUG    | __main__:<module>:20 - Iteration 1074: Points 1003 (cluster 3069) and 1084 (cluster 1084) connect at weight=648.0
2025-04-09 19:04:16.748 | DEBUG    | __main__:<module>:20 - Iteration 1075: Points 966 (cluster 3073) and 1056 (cluster 1056) connect at weight=648.0
2025-04-09 19:04:16.748 | DEBUG    | __main__:<module>:20 - Iteration 1076: Points 966 (cluster 3075) and 1052 (cluster 1052) connect at weight=648.0
2025-04-09 19:04:16.748 | DEBUG    | __main__:<module>:20 - Iteration 1077: Points 944 (cluster 3071) and 1067 (cluster 1067) connect at weight=648.0
2025-04-09 19:04:16.748 | DEBUG    | __main__:<module>:20 - Iteration 1078: Points 940 (cluster 3077) and 1080 (cluster 1080) connect at weight=648.0
2025-04-09 19:04:16.748 | DEBUG    | __main__:<module>:20 - Iteration 1079: Points 940 (cluster 3078) and 1058 (cluster 1058) connect at weight=648.0
2025-04-09 19:04:16.748 | DEBUG    | __main__:<module>:20 - Iteration 1080: Points 931 (cluster 3074) and 1069 (cluster 3056) connect at weight=648.0
2025-04-09 19:04:16.749 | DEBUG    | __main__:<module>:20 - Iteration 1081: Points 925 (cluster 3079) and 1060 (cluster 1060) connect at weight=648.0
2025-04-09 19:04:16.749 | DEBUG    | __main__:<module>:20 - Iteration 1082: Points 912 (cluster 3076) and 1077 (cluster 1077) connect at weight=648.0
2025-04-09 19:04:16.749 | DEBUG    | __main__:<module>:20 - Iteration 1083: Points 870 (cluster 3081) and 1078 (cluster 1078) connect at weight=648.0
2025-04-09 19:04:16.749 | DEBUG    | __main__:<module>:20 - Iteration 1084: Points 1117 (cluster 1117) and 1100 (cluster 1100) connect at weight=647.0
2025-04-09 19:04:16.749 | DEBUG    | __main__:<module>:20 - Iteration 1085: Points 1113 (cluster 1113) and 1105 (cluster 1105) connect at weight=647.0
2025-04-09 19:04:16.750 | DEBUG    | __main__:<module>:20 - Iteration 1086: Points 1113 (cluster 3085) and 1103 (cluster 1103) connect at weight=647.0
2025-04-09 19:04:16.750 | DEBUG    | __main__:<module>:20 - Iteration 1087: Points 1107 (cluster 1107) and 1091 (cluster 1091) connect at weight=647.0
2025-04-09 19:04:16.750 | DEBUG    | __main__:<module>:20 - Iteration 1088: Points 1104 (cluster 1104) and 1090 (cluster 1090) connect at weight=647.0
2025-04-09 19:04:16.750 | DEBUG    | __main__:<module>:20 - Iteration 1089: Points 1085 (cluster 3083) and 1107 (cluster 3087) connect at weight=647.0
2025-04-09 19:04:16.750 | DEBUG    | __main__:<module>:20 - Iteration 1090: Points 1083 (cluster 3082) and 1113 (cluster 3086) connect at weight=647.0
2025-04-09 19:04:16.750 | DEBUG    | __main__:<module>:20 - Iteration 1091: Points 1083 (cluster 3090) and 1095 (cluster 1095) connect at weight=647.0
2025-04-09 19:04:16.751 | DEBUG    | __main__:<module>:20 - Iteration 1092: Points 1082 (cluster 3089) and 1115 (cluster 1115) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1093: Points 1082 (cluster 3092) and 1099 (cluster 1099) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1094: Points 1082 (cluster 3093) and 1098 (cluster 1098) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1095: Points 1081 (cluster 3094) and 1112 (cluster 1112) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1096: Points 1067 (cluster 3095) and 1092 (cluster 1092) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1097: Points 1063 (cluster 3080) and 1110 (cluster 1110) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1098: Points 1058 (cluster 3096) and 1114 (cluster 1114) connect at weight=647.0
2025-04-09 19:04:16.752 | DEBUG    | __main__:<module>:20 - Iteration 1099: Points 1058 (cluster 3098) and 1089 (cluster 1089) connect at weight=647.0
2025-04-09 19:04:16.753 | DEBUG    | __main__:<module>:20 - Iteration 1100: Points 1048 (cluster 3097) and 1093 (cluster 1093) connect at weight=647.0
2025-04-09 19:04:16.753 | DEBUG    | __main__:<module>:20 - Iteration 1101: Points 1046 (cluster 3099) and 1117 (cluster 3084) connect at weight=647.0
2025-04-09 19:04:16.753 | DEBUG    | __main__:<module>:20 - Iteration 1102: Points 1046 (cluster 3101) and 1097 (cluster 1097) connect at weight=647.0
2025-04-09 19:04:16.754 | DEBUG    | __main__:<module>:20 - Iteration 1103: Points 1044 (cluster 3102) and 1116 (cluster 1116) connect at weight=647.0
2025-04-09 19:04:16.755 | DEBUG    | __main__:<module>:20 - Iteration 1104: Points 1040 (cluster 3091) and 1111 (cluster 1111) connect at weight=647.0
2025-04-09 19:04:16.755 | DEBUG    | __main__:<module>:20 - Iteration 1105: Points 1034 (cluster 3100) and 1106 (cluster 1106) connect at weight=647.0
2025-04-09 19:04:16.755 | DEBUG    | __main__:<module>:20 - Iteration 1106: Points 1032 (cluster 3104) and 1104 (cluster 3088) connect at weight=647.0
2025-04-09 19:04:16.755 | DEBUG    | __main__:<module>:20 - Iteration 1107: Points 1032 (cluster 3106) and 1088 (cluster 1088) connect at weight=647.0
2025-04-09 19:04:16.755 | DEBUG    | __main__:<module>:20 - Iteration 1108: Points 1030 (cluster 3105) and 1096 (cluster 1096) connect at weight=647.0
2025-04-09 19:04:16.756 | DEBUG    | __main__:<module>:20 - Iteration 1109: Points 1014 (cluster 3107) and 1087 (cluster 1087) connect at weight=647.0
2025-04-09 19:04:16.756 | DEBUG    | __main__:<module>:20 - Iteration 1110: Points 999 (cluster 3103) and 1094 (cluster 1094) connect at weight=647.0
2025-04-09 19:04:16.756 | DEBUG    | __main__:<module>:20 - Iteration 1111: Points 984 (cluster 3108) and 1101 (cluster 1101) connect at weight=647.0
2025-04-09 19:04:16.756 | DEBUG    | __main__:<module>:20 - Iteration 1112: Points 917 (cluster 3109) and 1102 (cluster 1102) connect at weight=647.0
2025-04-09 19:04:16.756 | DEBUG    | __main__:<module>:20 - Iteration 1113: Points 874 (cluster 3112) and 1109 (cluster 1109) connect at weight=647.0
2025-04-09 19:04:16.756 | DEBUG    | __main__:<module>:20 - Iteration 1114: Points 864 (cluster 3111) and 1108 (cluster 1108) connect at weight=647.0
2025-04-09 19:04:16.757 | DEBUG    | __main__:<module>:20 - Iteration 1115: Points 1140 (cluster 1140) and 1132 (cluster 1132) connect at weight=646.0
2025-04-09 19:04:16.757 | DEBUG    | __main__:<module>:20 - Iteration 1116: Points 1140 (cluster 3115) and 1122 (cluster 1122) connect at weight=646.0
2025-04-09 19:04:16.757 | DEBUG    | __main__:<module>:20 - Iteration 1117: Points 1136 (cluster 1136) and 1121 (cluster 1121) connect at weight=646.0
2025-04-09 19:04:16.757 | DEBUG    | __main__:<module>:20 - Iteration 1118: Points 1135 (cluster 1135) and 1131 (cluster 1131) connect at weight=646.0
2025-04-09 19:04:16.757 | DEBUG    | __main__:<module>:20 - Iteration 1119: Points 1117 (cluster 3110) and 1140 (cluster 3116) connect at weight=646.0
2025-04-09 19:04:16.758 | DEBUG    | __main__:<module>:20 - Iteration 1120: Points 1113 (cluster 3113) and 1129 (cluster 1129) connect at weight=646.0
2025-04-09 19:04:16.758 | DEBUG    | __main__:<module>:20 - Iteration 1121: Points 1112 (cluster 3119) and 1138 (cluster 1138) connect at weight=646.0
2025-04-09 19:04:16.758 | DEBUG    | __main__:<module>:20 - Iteration 1122: Points 1108 (cluster 3114) and 1139 (cluster 1139) connect at weight=646.0
2025-04-09 19:04:16.758 | DEBUG    | __main__:<module>:20 - Iteration 1123: Points 1102 (cluster 3120) and 1141 (cluster 1141) connect at weight=646.0
2025-04-09 19:04:16.758 | DEBUG    | __main__:<module>:20 - Iteration 1124: Points 1095 (cluster 3123) and 1137 (cluster 1137) connect at weight=646.0
2025-04-09 19:04:16.759 | DEBUG    | __main__:<module>:20 - Iteration 1125: Points 1093 (cluster 3122) and 1135 (cluster 3118) connect at weight=646.0
2025-04-09 19:04:16.759 | DEBUG    | __main__:<module>:20 - Iteration 1126: Points 1089 (cluster 3121) and 1123 (cluster 1123) connect at weight=646.0
2025-04-09 19:04:16.759 | DEBUG    | __main__:<module>:20 - Iteration 1127: Points 1076 (cluster 3126) and 1124 (cluster 1124) connect at weight=646.0
2025-04-09 19:04:16.759 | DEBUG    | __main__:<module>:20 - Iteration 1128: Points 1059 (cluster 3125) and 1136 (cluster 3117) connect at weight=646.0
2025-04-09 19:04:16.759 | DEBUG    | __main__:<module>:20 - Iteration 1129: Points 1041 (cluster 3127) and 1127 (cluster 1127) connect at weight=646.0
2025-04-09 19:04:16.759 | DEBUG    | __main__:<module>:20 - Iteration 1130: Points 1028 (cluster 3124) and 1119 (cluster 1119) connect at weight=646.0
2025-04-09 19:04:16.760 | DEBUG    | __main__:<module>:20 - Iteration 1131: Points 1019 (cluster 3130) and 1134 (cluster 1134) connect at weight=646.0
2025-04-09 19:04:16.760 | DEBUG    | __main__:<module>:20 - Iteration 1132: Points 1002 (cluster 3131) and 1118 (cluster 1118) connect at weight=646.0
2025-04-09 19:04:16.760 | DEBUG    | __main__:<module>:20 - Iteration 1133: Points 984 (cluster 3128) and 1128 (cluster 1128) connect at weight=646.0
2025-04-09 19:04:16.760 | DEBUG    | __main__:<module>:20 - Iteration 1134: Points 984 (cluster 3133) and 1126 (cluster 1126) connect at weight=646.0
2025-04-09 19:04:16.760 | DEBUG    | __main__:<module>:20 - Iteration 1135: Points 958 (cluster 3134) and 1125 (cluster 1125) connect at weight=646.0
2025-04-09 19:04:16.760 | DEBUG    | __main__:<module>:20 - Iteration 1136: Points 917 (cluster 3132) and 1133 (cluster 1133) connect at weight=646.0
2025-04-09 19:04:16.761 | DEBUG    | __main__:<module>:20 - Iteration 1137: Points 917 (cluster 3136) and 1120 (cluster 1120) connect at weight=646.0
2025-04-09 19:04:16.763 | DEBUG    | __main__:<module>:20 - Iteration 1138: Points 845 (cluster 3135) and 1130 (cluster 1130) connect at weight=646.0
2025-04-09 19:04:16.763 | DEBUG    | __main__:<module>:20 - Iteration 1139: Points 1169 (cluster 1169) and 1153 (cluster 1153) connect at weight=645.0
2025-04-09 19:04:16.763 | DEBUG    | __main__:<module>:20 - Iteration 1140: Points 1161 (cluster 1161) and 1152 (cluster 1152) connect at weight=645.0
2025-04-09 19:04:16.763 | DEBUG    | __main__:<module>:20 - Iteration 1141: Points 1158 (cluster 1158) and 1147 (cluster 1147) connect at weight=645.0
2025-04-09 19:04:16.764 | DEBUG    | __main__:<module>:20 - Iteration 1142: Points 1156 (cluster 1156) and 907 (cluster 3138) connect at weight=645.0
2025-04-09 19:04:16.764 | DEBUG    | __main__:<module>:20 - Iteration 1143: Points 1140 (cluster 3129) and 1169 (cluster 3139) connect at weight=645.0
2025-04-09 19:04:16.764 | DEBUG    | __main__:<module>:20 - Iteration 1144: Points 1140 (cluster 3143) and 1148 (cluster 1148) connect at weight=645.0
2025-04-09 19:04:16.764 | DEBUG    | __main__:<module>:20 - Iteration 1145: Points 1139 (cluster 3142) and 1142 (cluster 1142) connect at weight=645.0
2025-04-09 19:04:16.765 | DEBUG    | __main__:<module>:20 - Iteration 1146: Points 1137 (cluster 3137) and 1168 (cluster 1168) connect at weight=645.0
2025-04-09 19:04:16.765 | DEBUG    | __main__:<module>:20 - Iteration 1147: Points 1133 (cluster 3146) and 1155 (cluster 1155) connect at weight=645.0
2025-04-09 19:04:16.765 | DEBUG    | __main__:<module>:20 - Iteration 1148: Points 1127 (cluster 3144) and 1159 (cluster 1159) connect at weight=645.0
2025-04-09 19:04:16.765 | DEBUG    | __main__:<module>:20 - Iteration 1149: Points 1115 (cluster 3148) and 1157 (cluster 1157) connect at weight=645.0
2025-04-09 19:04:16.765 | DEBUG    | __main__:<module>:20 - Iteration 1150: Points 1112 (cluster 3149) and 1145 (cluster 1145) connect at weight=645.0
2025-04-09 19:04:16.766 | DEBUG    | __main__:<module>:20 - Iteration 1151: Points 1108 (cluster 3145) and 1154 (cluster 1154) connect at weight=645.0
2025-04-09 19:04:16.766 | DEBUG    | __main__:<module>:20 - Iteration 1152: Points 1107 (cluster 3150) and 1166 (cluster 1166) connect at weight=645.0
2025-04-09 19:04:16.766 | DEBUG    | __main__:<module>:20 - Iteration 1153: Points 1096 (cluster 3151) and 1146 (cluster 1146) connect at weight=645.0
2025-04-09 19:04:16.766 | DEBUG    | __main__:<module>:20 - Iteration 1154: Points 1094 (cluster 3152) and 1162 (cluster 1162) connect at weight=645.0
2025-04-09 19:04:16.766 | DEBUG    | __main__:<module>:20 - Iteration 1155: Points 1093 (cluster 3153) and 1144 (cluster 1144) connect at weight=645.0
2025-04-09 19:04:16.767 | DEBUG    | __main__:<module>:20 - Iteration 1156: Points 1088 (cluster 3147) and 1160 (cluster 1160) connect at weight=645.0
2025-04-09 19:04:16.767 | DEBUG    | __main__:<module>:20 - Iteration 1157: Points 1087 (cluster 3156) and 1167 (cluster 1167) connect at weight=645.0
2025-04-09 19:04:16.767 | DEBUG    | __main__:<module>:20 - Iteration 1158: Points 1085 (cluster 3154) and 1161 (cluster 3140) connect at weight=645.0
2025-04-09 19:04:16.767 | DEBUG    | __main__:<module>:20 - Iteration 1159: Points 1076 (cluster 3158) and 1143 (cluster 1143) connect at weight=645.0
2025-04-09 19:04:16.767 | DEBUG    | __main__:<module>:20 - Iteration 1160: Points 1075 (cluster 3159) and 1163 (cluster 1163) connect at weight=645.0
2025-04-09 19:04:16.767 | DEBUG    | __main__:<module>:20 - Iteration 1161: Points 1056 (cluster 3157) and 1150 (cluster 1150) connect at weight=645.0
2025-04-09 19:04:16.768 | DEBUG    | __main__:<module>:20 - Iteration 1162: Points 1051 (cluster 3160) and 1164 (cluster 1164) connect at weight=645.0
2025-04-09 19:04:16.768 | DEBUG    | __main__:<module>:20 - Iteration 1163: Points 1044 (cluster 3162) and 1149 (cluster 1149) connect at weight=645.0
2025-04-09 19:04:16.768 | DEBUG    | __main__:<module>:20 - Iteration 1164: Points 1006 (cluster 3163) and 1151 (cluster 1151) connect at weight=645.0
2025-04-09 19:04:16.768 | DEBUG    | __main__:<module>:20 - Iteration 1165: Points 935 (cluster 3161) and 1165 (cluster 1165) connect at weight=645.0
2025-04-09 19:04:16.769 | DEBUG    | __main__:<module>:20 - Iteration 1166: Points 1192 (cluster 1192) and 1185 (cluster 1185) connect at weight=644.0
2025-04-09 19:04:16.770 | DEBUG    | __main__:<module>:20 - Iteration 1167: Points 1191 (cluster 1191) and 1181 (cluster 1181) connect at weight=644.0
2025-04-09 19:04:16.770 | DEBUG    | __main__:<module>:20 - Iteration 1168: Points 1178 (cluster 1178) and 1174 (cluster 1174) connect at weight=644.0
2025-04-09 19:04:16.770 | DEBUG    | __main__:<module>:20 - Iteration 1169: Points 1176 (cluster 1176) and 1175 (cluster 1175) connect at weight=644.0
2025-04-09 19:04:16.770 | DEBUG    | __main__:<module>:20 - Iteration 1170: Points 1173 (cluster 1173) and 1171 (cluster 1171) connect at weight=644.0
2025-04-09 19:04:16.770 | DEBUG    | __main__:<module>:20 - Iteration 1171: Points 1168 (cluster 3165) and 1199 (cluster 1199) connect at weight=644.0
2025-04-09 19:04:16.770 | DEBUG    | __main__:<module>:20 - Iteration 1172: Points 1168 (cluster 3171) and 1186 (cluster 1186) connect at weight=644.0
2025-04-09 19:04:16.771 | DEBUG    | __main__:<module>:20 - Iteration 1173: Points 1166 (cluster 3164) and 1189 (cluster 1189) connect at weight=644.0
2025-04-09 19:04:16.771 | DEBUG    | __main__:<module>:20 - Iteration 1174: Points 1163 (cluster 3173) and 1198 (cluster 1198) connect at weight=644.0
2025-04-09 19:04:16.771 | DEBUG    | __main__:<module>:20 - Iteration 1175: Points 1161 (cluster 3174) and 1195 (cluster 1195) connect at weight=644.0
2025-04-09 19:04:16.772 | DEBUG    | __main__:<module>:20 - Iteration 1176: Points 1161 (cluster 3175) and 1191 (cluster 3167) connect at weight=644.0
2025-04-09 19:04:16.772 | DEBUG    | __main__:<module>:20 - Iteration 1177: Points 1159 (cluster 3176) and 1173 (cluster 3170) connect at weight=644.0
2025-04-09 19:04:16.772 | DEBUG    | __main__:<module>:20 - Iteration 1178: Points 1157 (cluster 3177) and 1178 (cluster 3168) connect at weight=644.0
2025-04-09 19:04:16.772 | DEBUG    | __main__:<module>:20 - Iteration 1179: Points 1155 (cluster 3172) and 1170 (cluster 1170) connect at weight=644.0
2025-04-09 19:04:16.773 | DEBUG    | __main__:<module>:20 - Iteration 1180: Points 1154 (cluster 3155) and 1179 (cluster 1179) connect at weight=644.0
2025-04-09 19:04:16.773 | DEBUG    | __main__:<module>:20 - Iteration 1181: Points 1151 (cluster 3178) and 1182 (cluster 1182) connect at weight=644.0
2025-04-09 19:04:16.773 | DEBUG    | __main__:<module>:20 - Iteration 1182: Points 1150 (cluster 3179) and 1184 (cluster 1184) connect at weight=644.0
2025-04-09 19:04:16.773 | DEBUG    | __main__:<module>:20 - Iteration 1183: Points 1148 (cluster 3181) and 1158 (cluster 3141) connect at weight=644.0
2025-04-09 19:04:16.773 | DEBUG    | __main__:<module>:20 - Iteration 1184: Points 1146 (cluster 3180) and 1183 (cluster 1183) connect at weight=644.0
2025-04-09 19:04:16.774 | DEBUG    | __main__:<module>:20 - Iteration 1185: Points 1145 (cluster 3183) and 1176 (cluster 3169) connect at weight=644.0
2025-04-09 19:04:16.774 | DEBUG    | __main__:<module>:20 - Iteration 1186: Points 1142 (cluster 3184) and 1197 (cluster 1197) connect at weight=644.0
2025-04-09 19:04:16.774 | DEBUG    | __main__:<module>:20 - Iteration 1187: Points 1134 (cluster 3182) and 1192 (cluster 3166) connect at weight=644.0
2025-04-09 19:04:16.774 | DEBUG    | __main__:<module>:20 - Iteration 1188: Points 1120 (cluster 3187) and 1193 (cluster 1193) connect at weight=644.0
2025-04-09 19:04:16.774 | DEBUG    | __main__:<module>:20 - Iteration 1189: Points 1102 (cluster 3188) and 1190 (cluster 1190) connect at weight=644.0
2025-04-09 19:04:16.774 | DEBUG    | __main__:<module>:20 - Iteration 1190: Points 1101 (cluster 3186) and 1172 (cluster 1172) connect at weight=644.0
2025-04-09 19:04:16.775 | DEBUG    | __main__:<module>:20 - Iteration 1191: Points 1099 (cluster 3185) and 1187 (cluster 1187) connect at weight=644.0
2025-04-09 19:04:16.775 | DEBUG    | __main__:<module>:20 - Iteration 1192: Points 1087 (cluster 3189) and 1180 (cluster 1180) connect at weight=644.0
2025-04-09 19:04:16.775 | DEBUG    | __main__:<module>:20 - Iteration 1193: Points 1028 (cluster 3192) and 1177 (cluster 1177) connect at weight=644.0
2025-04-09 19:04:16.775 | DEBUG    | __main__:<module>:20 - Iteration 1194: Points 984 (cluster 3190) and 1188 (cluster 1188) connect at weight=644.0
2025-04-09 19:04:16.775 | DEBUG    | __main__:<module>:20 - Iteration 1195: Points 975 (cluster 3191) and 1194 (cluster 1194) connect at weight=644.0
2025-04-09 19:04:16.776 | DEBUG    | __main__:<module>:20 - Iteration 1196: Points 905 (cluster 3194) and 1196 (cluster 1196) connect at weight=644.0
2025-04-09 19:04:16.776 | DEBUG    | __main__:<module>:20 - Iteration 1197: Points 1220 (cluster 1220) and 1217 (cluster 1217) connect at weight=643.0
2025-04-09 19:04:16.776 | DEBUG    | __main__:<module>:20 - Iteration 1198: Points 1220 (cluster 3197) and 1209 (cluster 1209) connect at weight=643.0
2025-04-09 19:04:16.776 | DEBUG    | __main__:<module>:20 - Iteration 1199: Points 1220 (cluster 3198) and 1200 (cluster 1200) connect at weight=643.0
2025-04-09 19:04:16.776 | DEBUG    | __main__:<module>:20 - Iteration 1200: Points 1210 (cluster 1210) and 1207 (cluster 1207) connect at weight=643.0
2025-04-09 19:04:16.776 | DEBUG    | __main__:<module>:20 - Iteration 1201: Points 1199 (cluster 3193) and 1220 (cluster 3199) connect at weight=643.0
2025-04-09 19:04:16.777 | DEBUG    | __main__:<module>:20 - Iteration 1202: Points 1199 (cluster 3201) and 1201 (cluster 1201) connect at weight=643.0
2025-04-09 19:04:16.777 | DEBUG    | __main__:<module>:20 - Iteration 1203: Points 1192 (cluster 3202) and 1213 (cluster 1213) connect at weight=643.0
2025-04-09 19:04:16.777 | DEBUG    | __main__:<module>:20 - Iteration 1204: Points 1187 (cluster 3195) and 1210 (cluster 3200) connect at weight=643.0
2025-04-09 19:04:16.777 | DEBUG    | __main__:<module>:20 - Iteration 1205: Points 1178 (cluster 3204) and 1223 (cluster 1223) connect at weight=643.0
2025-04-09 19:04:16.777 | DEBUG    | __main__:<module>:20 - Iteration 1206: Points 1177 (cluster 3203) and 1208 (cluster 1208) connect at weight=643.0
2025-04-09 19:04:16.778 | DEBUG    | __main__:<module>:20 - Iteration 1207: Points 1166 (cluster 3205) and 1202 (cluster 1202) connect at weight=643.0
2025-04-09 19:04:16.778 | DEBUG    | __main__:<module>:20 - Iteration 1208: Points 1159 (cluster 3207) and 1212 (cluster 1212) connect at weight=643.0
2025-04-09 19:04:16.778 | DEBUG    | __main__:<module>:20 - Iteration 1209: Points 1158 (cluster 3208) and 1221 (cluster 1221) connect at weight=643.0
2025-04-09 19:04:16.778 | DEBUG    | __main__:<module>:20 - Iteration 1210: Points 1158 (cluster 3209) and 1218 (cluster 1218) connect at weight=643.0
2025-04-09 19:04:16.778 | DEBUG    | __main__:<module>:20 - Iteration 1211: Points 1154 (cluster 3196) and 1203 (cluster 1203) connect at weight=643.0
2025-04-09 19:04:16.778 | DEBUG    | __main__:<module>:20 - Iteration 1212: Points 1143 (cluster 3210) and 1205 (cluster 1205) connect at weight=643.0
2025-04-09 19:04:16.779 | DEBUG    | __main__:<module>:20 - Iteration 1213: Points 1128 (cluster 3211) and 1215 (cluster 1215) connect at weight=643.0
2025-04-09 19:04:16.779 | DEBUG    | __main__:<module>:20 - Iteration 1214: Points 1123 (cluster 3212) and 1216 (cluster 1216) connect at weight=643.0
2025-04-09 19:04:16.779 | DEBUG    | __main__:<module>:20 - Iteration 1215: Points 1080 (cluster 3214) and 1219 (cluster 1219) connect at weight=643.0
2025-04-09 19:04:16.779 | DEBUG    | __main__:<module>:20 - Iteration 1216: Points 1069 (cluster 3213) and 1214 (cluster 1214) connect at weight=643.0
2025-04-09 19:04:16.779 | DEBUG    | __main__:<module>:20 - Iteration 1217: Points 1062 (cluster 3216) and 1206 (cluster 1206) connect at weight=643.0
2025-04-09 19:04:16.780 | DEBUG    | __main__:<module>:20 - Iteration 1218: Points 1024 (cluster 3206) and 1211 (cluster 1211) connect at weight=643.0
2025-04-09 19:04:16.780 | DEBUG    | __main__:<module>:20 - Iteration 1219: Points 1002 (cluster 3218) and 1204 (cluster 1204) connect at weight=643.0
2025-04-09 19:04:16.780 | DEBUG    | __main__:<module>:20 - Iteration 1220: Points 941 (cluster 3217) and 1222 (cluster 1222) connect at weight=643.0
2025-04-09 19:04:16.780 | DEBUG    | __main__:<module>:20 - Iteration 1221: Points 1244 (cluster 1244) and 1229 (cluster 1229) connect at weight=642.0
2025-04-09 19:04:16.780 | DEBUG    | __main__:<module>:20 - Iteration 1222: Points 1244 (cluster 3221) and 1224 (cluster 1224) connect at weight=642.0
2025-04-09 19:04:16.781 | DEBUG    | __main__:<module>:20 - Iteration 1223: Points 1243 (cluster 1243) and 1238 (cluster 1238) connect at weight=642.0
2025-04-09 19:04:16.781 | DEBUG    | __main__:<module>:20 - Iteration 1224: Points 1243 (cluster 3223) and 1232 (cluster 1232) connect at weight=642.0
2025-04-09 19:04:16.781 | DEBUG    | __main__:<module>:20 - Iteration 1225: Points 1231 (cluster 1231) and 1225 (cluster 1225) connect at weight=642.0
2025-04-09 19:04:16.781 | DEBUG    | __main__:<module>:20 - Iteration 1226: Points 1220 (cluster 3219) and 1231 (cluster 3225) connect at weight=642.0
2025-04-09 19:04:16.781 | DEBUG    | __main__:<module>:20 - Iteration 1227: Points 1215 (cluster 3220) and 1226 (cluster 1226) connect at weight=642.0
2025-04-09 19:04:16.782 | DEBUG    | __main__:<module>:20 - Iteration 1228: Points 1212 (cluster 3215) and 1234 (cluster 1234) connect at weight=642.0
2025-04-09 19:04:16.782 | DEBUG    | __main__:<module>:20 - Iteration 1229: Points 1210 (cluster 3228) and 1246 (cluster 1246) connect at weight=642.0
2025-04-09 19:04:16.782 | DEBUG    | __main__:<module>:20 - Iteration 1230: Points 1208 (cluster 3226) and 1236 (cluster 1236) connect at weight=642.0
2025-04-09 19:04:16.782 | DEBUG    | __main__:<module>:20 - Iteration 1231: Points 1202 (cluster 3229) and 1247 (cluster 1247) connect at weight=642.0
2025-04-09 19:04:16.782 | DEBUG    | __main__:<module>:20 - Iteration 1232: Points 1197 (cluster 3227) and 1243 (cluster 3224) connect at weight=642.0
2025-04-09 19:04:16.782 | DEBUG    | __main__:<module>:20 - Iteration 1233: Points 1197 (cluster 3232) and 1233 (cluster 1233) connect at weight=642.0
2025-04-09 19:04:16.783 | DEBUG    | __main__:<module>:20 - Iteration 1234: Points 1183 (cluster 3233) and 1244 (cluster 3222) connect at weight=642.0
2025-04-09 19:04:16.783 | DEBUG    | __main__:<module>:20 - Iteration 1235: Points 1178 (cluster 3231) and 1240 (cluster 1240) connect at weight=642.0
2025-04-09 19:04:16.783 | DEBUG    | __main__:<module>:20 - Iteration 1236: Points 1172 (cluster 3234) and 1239 (cluster 1239) connect at weight=642.0
2025-04-09 19:04:16.783 | DEBUG    | __main__:<module>:20 - Iteration 1237: Points 1130 (cluster 3236) and 1230 (cluster 1230) connect at weight=642.0
2025-04-09 19:04:16.783 | DEBUG    | __main__:<module>:20 - Iteration 1238: Points 1125 (cluster 3237) and 1235 (cluster 1235) connect at weight=642.0
2025-04-09 19:04:16.784 | DEBUG    | __main__:<module>:20 - Iteration 1239: Points 1123 (cluster 3235) and 1237 (cluster 1237) connect at weight=642.0
2025-04-09 19:04:16.784 | DEBUG    | __main__:<module>:20 - Iteration 1240: Points 1118 (cluster 3230) and 1228 (cluster 1228) connect at weight=642.0
2025-04-09 19:04:16.784 | DEBUG    | __main__:<module>:20 - Iteration 1241: Points 1113 (cluster 3240) and 1227 (cluster 1227) connect at weight=642.0
2025-04-09 19:04:16.784 | DEBUG    | __main__:<module>:20 - Iteration 1242: Points 1035 (cluster 3238) and 1245 (cluster 1245) connect at weight=642.0
2025-04-09 19:04:16.784 | DEBUG    | __main__:<module>:20 - Iteration 1243: Points 964 (cluster 3242) and 1241 (cluster 1241) connect at weight=642.0
2025-04-09 19:04:16.784 | DEBUG    | __main__:<module>:20 - Iteration 1244: Points 961 (cluster 3241) and 1248 (cluster 1248) connect at weight=642.0
2025-04-09 19:04:16.785 | DEBUG    | __main__:<module>:20 - Iteration 1245: Points 924 (cluster 3243) and 1242 (cluster 1242) connect at weight=642.0
2025-04-09 19:04:16.785 | DEBUG    | __main__:<module>:20 - Iteration 1246: Points 1267 (cluster 1267) and 1265 (cluster 1265) connect at weight=641.0
2025-04-09 19:04:16.785 | DEBUG    | __main__:<module>:20 - Iteration 1247: Points 1267 (cluster 3246) and 1255 (cluster 1255) connect at weight=641.0
2025-04-09 19:04:16.785 | DEBUG    | __main__:<module>:20 - Iteration 1248: Points 1263 (cluster 1263) and 1252 (cluster 1252) connect at weight=641.0
2025-04-09 19:04:16.785 | DEBUG    | __main__:<module>:20 - Iteration 1249: Points 1259 (cluster 1259) and 1254 (cluster 1254) connect at weight=641.0
2025-04-09 19:04:16.786 | DEBUG    | __main__:<module>:20 - Iteration 1250: Points 1253 (cluster 1253) and 1251 (cluster 1251) connect at weight=641.0
2025-04-09 19:04:16.786 | DEBUG    | __main__:<module>:20 - Iteration 1251: Points 1243 (cluster 3245) and 1263 (cluster 3248) connect at weight=641.0
2025-04-09 19:04:16.786 | DEBUG    | __main__:<module>:20 - Iteration 1252: Points 1237 (cluster 3239) and 1261 (cluster 1261) connect at weight=641.0
2025-04-09 19:04:16.786 | DEBUG    | __main__:<module>:20 - Iteration 1253: Points 1231 (cluster 3244) and 1267 (cluster 3247) connect at weight=641.0
2025-04-09 19:04:16.786 | DEBUG    | __main__:<module>:20 - Iteration 1254: Points 1203 (cluster 3251) and 1258 (cluster 1258) connect at weight=641.0
2025-04-09 19:04:16.786 | DEBUG    | __main__:<module>:20 - Iteration 1255: Points 1193 (cluster 3253) and 1264 (cluster 1264) connect at weight=641.0
2025-04-09 19:04:16.787 | DEBUG    | __main__:<module>:20 - Iteration 1256: Points 1180 (cluster 3255) and 1260 (cluster 1260) connect at weight=641.0
2025-04-09 19:04:16.787 | DEBUG    | __main__:<module>:20 - Iteration 1257: Points 1163 (cluster 3252) and 1250 (cluster 1250) connect at weight=641.0
2025-04-09 19:04:16.787 | DEBUG    | __main__:<module>:20 - Iteration 1258: Points 1106 (cluster 3254) and 1259 (cluster 3249) connect at weight=641.0
2025-04-09 19:04:16.787 | DEBUG    | __main__:<module>:20 - Iteration 1259: Points 1077 (cluster 3256) and 1249 (cluster 1249) connect at weight=641.0
2025-04-09 19:04:16.787 | DEBUG    | __main__:<module>:20 - Iteration 1260: Points 1054 (cluster 3258) and 1266 (cluster 1266) connect at weight=641.0
2025-04-09 19:04:16.788 | DEBUG    | __main__:<module>:20 - Iteration 1261: Points 934 (cluster 3257) and 1253 (cluster 3250) connect at weight=641.0
2025-04-09 19:04:16.788 | DEBUG    | __main__:<module>:20 - Iteration 1262: Points 897 (cluster 3259) and 1262 (cluster 1262) connect at weight=641.0
2025-04-09 19:04:16.788 | DEBUG    | __main__:<module>:20 - Iteration 1263: Points 897 (cluster 3262) and 1257 (cluster 1257) connect at weight=641.0
2025-04-09 19:04:16.788 | DEBUG    | __main__:<module>:20 - Iteration 1264: Points 1286 (cluster 1286) and 1281 (cluster 1281) connect at weight=640.0
2025-04-09 19:04:16.788 | DEBUG    | __main__:<module>:20 - Iteration 1265: Points 1279 (cluster 1279) and 1271 (cluster 1271) connect at weight=640.0
2025-04-09 19:04:16.789 | DEBUG    | __main__:<module>:20 - Iteration 1266: Points 1278 (cluster 1278) and 1274 (cluster 1274) connect at weight=640.0
2025-04-09 19:04:16.789 | DEBUG    | __main__:<module>:20 - Iteration 1267: Points 1277 (cluster 1277) and 1275 (cluster 1275) connect at weight=640.0
2025-04-09 19:04:16.789 | DEBUG    | __main__:<module>:20 - Iteration 1268: Points 1263 (cluster 3260) and 1273 (cluster 1273) connect at weight=640.0
2025-04-09 19:04:16.789 | DEBUG    | __main__:<module>:20 - Iteration 1269: Points 1258 (cluster 3268) and 1277 (cluster 3267) connect at weight=640.0
2025-04-09 19:04:16.789 | DEBUG    | __main__:<module>:20 - Iteration 1270: Points 1247 (cluster 3261) and 1286 (cluster 3264) connect at weight=640.0
2025-04-09 19:04:16.789 | DEBUG    | __main__:<module>:20 - Iteration 1271: Points 1244 (cluster 3269) and 1283 (cluster 1283) connect at weight=640.0
2025-04-09 19:04:16.790 | DEBUG    | __main__:<module>:20 - Iteration 1272: Points 1237 (cluster 3270) and 1284 (cluster 1284) connect at weight=640.0
2025-04-09 19:04:16.790 | DEBUG    | __main__:<module>:20 - Iteration 1273: Points 1223 (cluster 3272) and 1272 (cluster 1272) connect at weight=640.0
2025-04-09 19:04:16.790 | DEBUG    | __main__:<module>:20 - Iteration 1274: Points 1221 (cluster 3273) and 1269 (cluster 1269) connect at weight=640.0
2025-04-09 19:04:16.790 | DEBUG    | __main__:<module>:20 - Iteration 1275: Points 1218 (cluster 3274) and 1279 (cluster 3265) connect at weight=640.0
2025-04-09 19:04:16.790 | DEBUG    | __main__:<module>:20 - Iteration 1276: Points 1201 (cluster 3263) and 1276 (cluster 1276) connect at weight=640.0
2025-04-09 19:04:16.791 | DEBUG    | __main__:<module>:20 - Iteration 1277: Points 1198 (cluster 3275) and 1280 (cluster 1280) connect at weight=640.0
2025-04-09 19:04:16.791 | DEBUG    | __main__:<module>:20 - Iteration 1278: Points 1190 (cluster 3276) and 1270 (cluster 1270) connect at weight=640.0
2025-04-09 19:04:16.791 | DEBUG    | __main__:<module>:20 - Iteration 1279: Points 1182 (cluster 3277) and 1268 (cluster 1268) connect at weight=640.0
2025-04-09 19:04:16.791 | DEBUG    | __main__:<module>:20 - Iteration 1280: Points 1176 (cluster 3279) and 1282 (cluster 1282) connect at weight=640.0
2025-04-09 19:04:16.791 | DEBUG    | __main__:<module>:20 - Iteration 1281: Points 1156 (cluster 3271) and 1278 (cluster 3266) connect at weight=640.0
2025-04-09 19:04:16.792 | DEBUG    | __main__:<module>:20 - Iteration 1282: Points 1118 (cluster 3278) and 1285 (cluster 1285) connect at weight=640.0
2025-04-09 19:04:16.792 | DEBUG    | __main__:<module>:20 - Iteration 1283: Points 856 (cluster 3282) and 1256 (cluster 1256) connect at weight=640.0
2025-04-09 19:04:16.792 | DEBUG    | __main__:<module>:20 - Iteration 1284: Points 1303 (cluster 1303) and 1289 (cluster 1289) connect at weight=639.0
2025-04-09 19:04:16.792 | DEBUG    | __main__:<module>:20 - Iteration 1285: Points 1301 (cluster 1301) and 1297 (cluster 1297) connect at weight=639.0
2025-04-09 19:04:16.792 | DEBUG    | __main__:<module>:20 - Iteration 1286: Points 1284 (cluster 3280) and 1294 (cluster 1294) connect at weight=639.0
2025-04-09 19:04:16.792 | DEBUG    | __main__:<module>:20 - Iteration 1287: Points 1283 (cluster 3281) and 1298 (cluster 1298) connect at weight=639.0
2025-04-09 19:04:16.793 | DEBUG    | __main__:<module>:20 - Iteration 1288: Points 1282 (cluster 3286) and 1303 (cluster 3284) connect at weight=639.0
2025-04-09 19:04:16.793 | DEBUG    | __main__:<module>:20 - Iteration 1289: Points 1279 (cluster 3288) and 1301 (cluster 3285) connect at weight=639.0
2025-04-09 19:04:16.793 | DEBUG    | __main__:<module>:20 - Iteration 1290: Points 1266 (cluster 3287) and 1306 (cluster 1306) connect at weight=639.0
2025-04-09 19:04:16.796 | DEBUG    | __main__:<module>:20 - Iteration 1291: Points 1264 (cluster 3283) and 1296 (cluster 1296) connect at weight=639.0
2025-04-09 19:04:16.799 | DEBUG    | __main__:<module>:20 - Iteration 1292: Points 1243 (cluster 3290) and 1290 (cluster 1290) connect at weight=639.0
2025-04-09 19:04:16.799 | DEBUG    | __main__:<module>:20 - Iteration 1293: Points 1240 (cluster 3289) and 1287 (cluster 1287) connect at weight=639.0
2025-04-09 19:04:16.799 | DEBUG    | __main__:<module>:20 - Iteration 1294: Points 1236 (cluster 3291) and 1291 (cluster 1291) connect at weight=639.0
2025-04-09 19:04:16.799 | DEBUG    | __main__:<module>:20 - Iteration 1295: Points 1233 (cluster 3292) and 1295 (cluster 1295) connect at weight=639.0
2025-04-09 19:04:16.799 | DEBUG    | __main__:<module>:20 - Iteration 1296: Points 1213 (cluster 3294) and 1292 (cluster 1292) connect at weight=639.0
2025-04-09 19:04:16.800 | DEBUG    | __main__:<module>:20 - Iteration 1297: Points 1206 (cluster 3295) and 1293 (cluster 1293) connect at weight=639.0
2025-04-09 19:04:16.800 | DEBUG    | __main__:<module>:20 - Iteration 1298: Points 1193 (cluster 3296) and 1288 (cluster 1288) connect at weight=639.0
2025-04-09 19:04:16.800 | DEBUG    | __main__:<module>:20 - Iteration 1299: Points 1184 (cluster 3298) and 1305 (cluster 1305) connect at weight=639.0
2025-04-09 19:04:16.800 | DEBUG    | __main__:<module>:20 - Iteration 1300: Points 1144 (cluster 3297) and 1304 (cluster 1304) connect at weight=639.0
2025-04-09 19:04:16.800 | DEBUG    | __main__:<module>:20 - Iteration 1301: Points 1069 (cluster 3300) and 1302 (cluster 1302) connect at weight=639.0
2025-04-09 19:04:16.801 | DEBUG    | __main__:<module>:20 - Iteration 1302: Points 976 (cluster 3301) and 1300 (cluster 1300) connect at weight=639.0
2025-04-09 19:04:16.801 | DEBUG    | __main__:<module>:20 - Iteration 1303: Points 1301 (cluster 3293) and 1299 (cluster 1299) connect at weight=638.0
2025-04-09 19:04:16.801 | DEBUG    | __main__:<module>:20 - Iteration 1304: Points 1288 (cluster 3299) and 1314 (cluster 1314) connect at weight=638.0
2025-04-09 19:04:16.802 | DEBUG    | __main__:<module>:20 - Iteration 1305: Points 1277 (cluster 3302) and 1315 (cluster 1315) connect at weight=638.0
2025-04-09 19:04:16.802 | DEBUG    | __main__:<module>:20 - Iteration 1306: Points 1260 (cluster 3304) and 1310 (cluster 1310) connect at weight=638.0
2025-04-09 19:04:16.802 | DEBUG    | __main__:<module>:20 - Iteration 1307: Points 1245 (cluster 3305) and 1317 (cluster 1317) connect at weight=638.0
2025-04-09 19:04:16.802 | DEBUG    | __main__:<module>:20 - Iteration 1308: Points 1244 (cluster 3307) and 1312 (cluster 1312) connect at weight=638.0
2025-04-09 19:04:16.802 | DEBUG    | __main__:<module>:20 - Iteration 1309: Points 1234 (cluster 3303) and 1309 (cluster 1309) connect at weight=638.0
2025-04-09 19:04:16.803 | DEBUG    | __main__:<module>:20 - Iteration 1310: Points 1191 (cluster 3309) and 1307 (cluster 1307) connect at weight=638.0
2025-04-09 19:04:16.803 | DEBUG    | __main__:<module>:20 - Iteration 1311: Points 1162 (cluster 3310) and 1311 (cluster 1311) connect at weight=638.0
2025-04-09 19:04:16.803 | DEBUG    | __main__:<module>:20 - Iteration 1312: Points 1119 (cluster 3306) and 1316 (cluster 1316) connect at weight=638.0
2025-04-09 19:04:16.803 | DEBUG    | __main__:<module>:20 - Iteration 1313: Points 1111 (cluster 3312) and 1308 (cluster 1308) connect at weight=638.0
2025-04-09 19:04:16.803 | DEBUG    | __main__:<module>:20 - Iteration 1314: Points 963 (cluster 3311) and 1313 (cluster 1313) connect at weight=638.0
2025-04-09 19:04:16.804 | DEBUG    | __main__:<module>:20 - Iteration 1315: Points 1326 (cluster 1326) and 1321 (cluster 1321) connect at weight=637.0
2025-04-09 19:04:16.804 | DEBUG    | __main__:<module>:20 - Iteration 1316: Points 1310 (cluster 3313) and 1330 (cluster 1330) connect at weight=637.0
2025-04-09 19:04:16.804 | DEBUG    | __main__:<module>:20 - Iteration 1317: Points 1307 (cluster 3314) and 1329 (cluster 1329) connect at weight=637.0
2025-04-09 19:04:16.804 | DEBUG    | __main__:<module>:20 - Iteration 1318: Points 1305 (cluster 3316) and 1328 (cluster 1328) connect at weight=637.0
2025-04-09 19:04:16.804 | DEBUG    | __main__:<module>:20 - Iteration 1319: Points 1301 (cluster 3317) and 1332 (cluster 1332) connect at weight=637.0
2025-04-09 19:04:16.804 | DEBUG    | __main__:<module>:20 - Iteration 1320: Points 1295 (cluster 3308) and 1318 (cluster 1318) connect at weight=637.0
2025-04-09 19:04:16.805 | DEBUG    | __main__:<module>:20 - Iteration 1321: Points 1286 (cluster 3319) and 1322 (cluster 1322) connect at weight=637.0
2025-04-09 19:04:16.805 | DEBUG    | __main__:<module>:20 - Iteration 1322: Points 1282 (cluster 3321) and 1327 (cluster 1327) connect at weight=637.0
2025-04-09 19:04:16.805 | DEBUG    | __main__:<module>:20 - Iteration 1323: Points 1276 (cluster 3318) and 1326 (cluster 3315) connect at weight=637.0
2025-04-09 19:04:16.806 | DEBUG    | __main__:<module>:20 - Iteration 1324: Points 1272 (cluster 3322) and 1319 (cluster 1319) connect at weight=637.0
2025-04-09 19:04:16.806 | DEBUG    | __main__:<module>:20 - Iteration 1325: Points 1270 (cluster 3323) and 1323 (cluster 1323) connect at weight=637.0
2025-04-09 19:04:16.807 | DEBUG    | __main__:<module>:20 - Iteration 1326: Points 1269 (cluster 3324) and 1320 (cluster 1320) connect at weight=637.0
2025-04-09 19:04:16.807 | DEBUG    | __main__:<module>:20 - Iteration 1327: Points 1234 (cluster 3326) and 1331 (cluster 1331) connect at weight=637.0
2025-04-09 19:04:16.807 | DEBUG    | __main__:<module>:20 - Iteration 1328: Points 961 (cluster 3325) and 1325 (cluster 1325) connect at weight=637.0
2025-04-09 19:04:16.807 | DEBUG    | __main__:<module>:20 - Iteration 1329: Points 959 (cluster 3328) and 1324 (cluster 1324) connect at weight=637.0
2025-04-09 19:04:16.808 | DEBUG    | __main__:<module>:20 - Iteration 1330: Points 1349 (cluster 1349) and 1346 (cluster 1346) connect at weight=636.0
2025-04-09 19:04:16.808 | DEBUG    | __main__:<module>:20 - Iteration 1331: Points 1348 (cluster 1348) and 1337 (cluster 1337) connect at weight=636.0
2025-04-09 19:04:16.808 | DEBUG    | __main__:<module>:20 - Iteration 1332: Points 1345 (cluster 1345) and 1156 (cluster 3320) connect at weight=636.0
2025-04-09 19:04:16.808 | DEBUG    | __main__:<module>:20 - Iteration 1333: Points 1344 (cluster 1344) and 1333 (cluster 1333) connect at weight=636.0
2025-04-09 19:04:16.808 | DEBUG    | __main__:<module>:20 - Iteration 1334: Points 1330 (cluster 3329) and 1335 (cluster 1335) connect at weight=636.0
2025-04-09 19:04:16.808 | DEBUG    | __main__:<module>:20 - Iteration 1335: Points 1328 (cluster 3334) and 1336 (cluster 1336) connect at weight=636.0
2025-04-09 19:04:16.809 | DEBUG    | __main__:<module>:20 - Iteration 1336: Points 1319 (cluster 3327) and 1351 (cluster 1351) connect at weight=636.0
2025-04-09 19:04:16.809 | DEBUG    | __main__:<module>:20 - Iteration 1337: Points 1315 (cluster 3332) and 1343 (cluster 1343) connect at weight=636.0
2025-04-09 19:04:16.809 | DEBUG    | __main__:<module>:20 - Iteration 1338: Points 1314 (cluster 3335) and 1349 (cluster 3330) connect at weight=636.0
2025-04-09 19:04:16.809 | DEBUG    | __main__:<module>:20 - Iteration 1339: Points 1292 (cluster 3338) and 1347 (cluster 1347) connect at weight=636.0
2025-04-09 19:04:16.809 | DEBUG    | __main__:<module>:20 - Iteration 1340: Points 1291 (cluster 3339) and 1339 (cluster 1339) connect at weight=636.0
2025-04-09 19:04:16.810 | DEBUG    | __main__:<module>:20 - Iteration 1341: Points 1290 (cluster 3337) and 1344 (cluster 3333) connect at weight=636.0
2025-04-09 19:04:16.810 | DEBUG    | __main__:<module>:20 - Iteration 1342: Points 1286 (cluster 3336) and 1350 (cluster 1350) connect at weight=636.0
2025-04-09 19:04:16.810 | DEBUG    | __main__:<module>:20 - Iteration 1343: Points 1269 (cluster 3342) and 1348 (cluster 3331) connect at weight=636.0
2025-04-09 19:04:16.810 | DEBUG    | __main__:<module>:20 - Iteration 1344: Points 1202 (cluster 3343) and 1334 (cluster 1334) connect at weight=636.0
2025-04-09 19:04:16.810 | DEBUG    | __main__:<module>:20 - Iteration 1345: Points 1196 (cluster 3341) and 1341 (cluster 1341) connect at weight=636.0
2025-04-09 19:04:16.811 | DEBUG    | __main__:<module>:20 - Iteration 1346: Points 1195 (cluster 3344) and 1352 (cluster 1352) connect at weight=636.0
2025-04-09 19:04:16.811 | DEBUG    | __main__:<module>:20 - Iteration 1347: Points 1194 (cluster 3346) and 1340 (cluster 1340) connect at weight=636.0
2025-04-09 19:04:16.811 | DEBUG    | __main__:<module>:20 - Iteration 1348: Points 1141 (cluster 3340) and 1342 (cluster 1342) connect at weight=636.0
2025-04-09 19:04:16.811 | DEBUG    | __main__:<module>:20 - Iteration 1349: Points 1109 (cluster 3348) and 1338 (cluster 1338) connect at weight=636.0
2025-04-09 19:04:16.811 | DEBUG    | __main__:<module>:20 - Iteration 1350: Points 1357 (cluster 1357) and 1356 (cluster 1356) connect at weight=635.0
2025-04-09 19:04:16.811 | DEBUG    | __main__:<module>:20 - Iteration 1351: Points 1343 (cluster 3345) and 1353 (cluster 1353) connect at weight=635.0
2025-04-09 19:04:16.812 | DEBUG    | __main__:<module>:20 - Iteration 1352: Points 1335 (cluster 3349) and 1357 (cluster 3350) connect at weight=635.0
2025-04-09 19:04:16.812 | DEBUG    | __main__:<module>:20 - Iteration 1353: Points 1325 (cluster 3352) and 1365 (cluster 1365) connect at weight=635.0
2025-04-09 19:04:16.812 | DEBUG    | __main__:<module>:20 - Iteration 1354: Points 1312 (cluster 3351) and 1354 (cluster 1354) connect at weight=635.0
2025-04-09 19:04:16.812 | DEBUG    | __main__:<module>:20 - Iteration 1355: Points 1308 (cluster 3353) and 1360 (cluster 1360) connect at weight=635.0
2025-04-09 19:04:16.812 | DEBUG    | __main__:<module>:20 - Iteration 1356: Points 1308 (cluster 3355) and 1355 (cluster 1355) connect at weight=635.0
2025-04-09 19:04:16.812 | DEBUG    | __main__:<module>:20 - Iteration 1357: Points 1293 (cluster 3354) and 1361 (cluster 1361) connect at weight=635.0
2025-04-09 19:04:16.814 | DEBUG    | __main__:<module>:20 - Iteration 1358: Points 1287 (cluster 3347) and 1362 (cluster 1362) connect at weight=635.0
2025-04-09 19:04:16.814 | DEBUG    | __main__:<module>:20 - Iteration 1359: Points 1272 (cluster 3358) and 1364 (cluster 1364) connect at weight=635.0
2025-04-09 19:04:16.815 | DEBUG    | __main__:<module>:20 - Iteration 1360: Points 1267 (cluster 3356) and 1363 (cluster 1363) connect at weight=635.0
2025-04-09 19:04:16.815 | DEBUG    | __main__:<module>:20 - Iteration 1361: Points 1226 (cluster 3357) and 1359 (cluster 1359) connect at weight=635.0
2025-04-09 19:04:16.815 | DEBUG    | __main__:<module>:20 - Iteration 1362: Points 1142 (cluster 3361) and 1358 (cluster 1358) connect at weight=635.0
2025-04-09 19:04:16.815 | DEBUG    | __main__:<module>:20 - Iteration 1363: Points 1371 (cluster 1371) and 1370 (cluster 1370) connect at weight=634.0
2025-04-09 19:04:16.815 | DEBUG    | __main__:<module>:20 - Iteration 1364: Points 1369 (cluster 1369) and 1368 (cluster 1368) connect at weight=634.0
2025-04-09 19:04:16.816 | DEBUG    | __main__:<module>:20 - Iteration 1365: Points 1359 (cluster 3362) and 1375 (cluster 1375) connect at weight=634.0
2025-04-09 19:04:16.816 | DEBUG    | __main__:<module>:20 - Iteration 1366: Points 1357 (cluster 3360) and 1371 (cluster 3363) connect at weight=634.0
2025-04-09 19:04:16.816 | DEBUG    | __main__:<module>:20 - Iteration 1367: Points 1355 (cluster 3366) and 1369 (cluster 3364) connect at weight=634.0
2025-04-09 19:04:16.816 | DEBUG    | __main__:<module>:20 - Iteration 1368: Points 1353 (cluster 3365) and 1381 (cluster 1381) connect at weight=634.0
2025-04-09 19:04:16.816 | DEBUG    | __main__:<module>:20 - Iteration 1369: Points 1347 (cluster 3367) and 1379 (cluster 1379) connect at weight=634.0
2025-04-09 19:04:16.816 | DEBUG    | __main__:<module>:20 - Iteration 1370: Points 1326 (cluster 3369) and 1367 (cluster 1367) connect at weight=634.0
2025-04-09 19:04:16.817 | DEBUG    | __main__:<module>:20 - Iteration 1371: Points 1322 (cluster 3359) and 1380 (cluster 1380) connect at weight=634.0
2025-04-09 19:04:16.817 | DEBUG    | __main__:<module>:20 - Iteration 1372: Points 1304 (cluster 3368) and 1366 (cluster 1366) connect at weight=634.0
2025-04-09 19:04:16.817 | DEBUG    | __main__:<module>:20 - Iteration 1373: Points 1291 (cluster 3370) and 1373 (cluster 1373) connect at weight=634.0
2025-04-09 19:04:16.817 | DEBUG    | __main__:<module>:20 - Iteration 1374: Points 1256 (cluster 3373) and 1372 (cluster 1372) connect at weight=634.0
2025-04-09 19:04:16.817 | DEBUG    | __main__:<module>:20 - Iteration 1375: Points 1253 (cluster 3371) and 1376 (cluster 1376) connect at weight=634.0
2025-04-09 19:04:16.818 | DEBUG    | __main__:<module>:20 - Iteration 1376: Points 1235 (cluster 3372) and 1377 (cluster 1377) connect at weight=634.0
2025-04-09 19:04:16.818 | DEBUG    | __main__:<module>:20 - Iteration 1377: Points 1194 (cluster 3375) and 1374 (cluster 1374) connect at weight=634.0
2025-04-09 19:04:16.818 | DEBUG    | __main__:<module>:20 - Iteration 1378: Points 963 (cluster 3377) and 1378 (cluster 1378) connect at weight=634.0
2025-04-09 19:04:16.818 | DEBUG    | __main__:<module>:20 - Iteration 1379: Points 1392 (cluster 1392) and 1384 (cluster 1384) connect at weight=633.0
2025-04-09 19:04:16.818 | DEBUG    | __main__:<module>:20 - Iteration 1380: Points 1390 (cluster 1390) and 1383 (cluster 1383) connect at weight=633.0
2025-04-09 19:04:16.819 | DEBUG    | __main__:<module>:20 - Iteration 1381: Points 1389 (cluster 1389) and 1387 (cluster 1387) connect at weight=633.0
2025-04-09 19:04:16.819 | DEBUG    | __main__:<module>:20 - Iteration 1382: Points 1369 (cluster 3374) and 1382 (cluster 1382) connect at weight=633.0
2025-04-09 19:04:16.819 | DEBUG    | __main__:<module>:20 - Iteration 1383: Points 1367 (cluster 3382) and 1392 (cluster 3379) connect at weight=633.0
2025-04-09 19:04:16.819 | DEBUG    | __main__:<module>:20 - Iteration 1384: Points 1352 (cluster 3378) and 1390 (cluster 3380) connect at weight=633.0
2025-04-09 19:04:16.819 | DEBUG    | __main__:<module>:20 - Iteration 1385: Points 1341 (cluster 3376) and 1388 (cluster 1388) connect at weight=633.0
2025-04-09 19:04:16.819 | DEBUG    | __main__:<module>:20 - Iteration 1386: Points 1336 (cluster 3383) and 1385 (cluster 1385) connect at weight=633.0
2025-04-09 19:04:16.820 | DEBUG    | __main__:<module>:20 - Iteration 1387: Points 1331 (cluster 3384) and 1394 (cluster 1394) connect at weight=633.0
2025-04-09 19:04:16.820 | DEBUG    | __main__:<module>:20 - Iteration 1388: Points 1320 (cluster 3387) and 1393 (cluster 1393) connect at weight=633.0
2025-04-09 19:04:16.820 | DEBUG    | __main__:<module>:20 - Iteration 1389: Points 1315 (cluster 3385) and 1389 (cluster 3381) connect at weight=633.0
2025-04-09 19:04:16.820 | DEBUG    | __main__:<module>:20 - Iteration 1390: Points 1162 (cluster 3388) and 1386 (cluster 1386) connect at weight=633.0
2025-04-09 19:04:16.820 | DEBUG    | __main__:<module>:20 - Iteration 1391: Points 939 (cluster 3390) and 1391 (cluster 1391) connect at weight=633.0
2025-04-09 19:04:16.821 | DEBUG    | __main__:<module>:20 - Iteration 1392: Points 1410 (cluster 1410) and 1409 (cluster 1409) connect at weight=632.0
2025-04-09 19:04:16.822 | DEBUG    | __main__:<module>:20 - Iteration 1393: Points 1410 (cluster 3392) and 1403 (cluster 1403) connect at weight=632.0
2025-04-09 19:04:16.822 | DEBUG    | __main__:<module>:20 - Iteration 1394: Points 1401 (cluster 1401) and 1397 (cluster 1397) connect at weight=632.0
2025-04-09 19:04:16.823 | DEBUG    | __main__:<module>:20 - Iteration 1395: Points 1389 (cluster 3389) and 1411 (cluster 1411) connect at weight=632.0
2025-04-09 19:04:16.823 | DEBUG    | __main__:<module>:20 - Iteration 1396: Points 1381 (cluster 3395) and 1410 (cluster 3393) connect at weight=632.0
2025-04-09 19:04:16.823 | DEBUG    | __main__:<module>:20 - Iteration 1397: Points 1371 (cluster 3386) and 1405 (cluster 1405) connect at weight=632.0
2025-04-09 19:04:16.823 | DEBUG    | __main__:<module>:20 - Iteration 1398: Points 1363 (cluster 3397) and 1401 (cluster 3394) connect at weight=632.0
2025-04-09 19:04:16.823 | DEBUG    | __main__:<module>:20 - Iteration 1399: Points 1339 (cluster 3398) and 1400 (cluster 1400) connect at weight=632.0
2025-04-09 19:04:16.823 | DEBUG    | __main__:<module>:20 - Iteration 1400: Points 1318 (cluster 3396) and 1398 (cluster 1398) connect at weight=632.0
2025-04-09 19:04:16.824 | DEBUG    | __main__:<module>:20 - Iteration 1401: Points 1316 (cluster 3399) and 1399 (cluster 1399) connect at weight=632.0
2025-04-09 19:04:16.824 | DEBUG    | __main__:<module>:20 - Iteration 1402: Points 1309 (cluster 3391) and 1407 (cluster 1407) connect at weight=632.0
2025-04-09 19:04:16.824 | DEBUG    | __main__:<module>:20 - Iteration 1403: Points 1303 (cluster 3402) and 1408 (cluster 1408) connect at weight=632.0
2025-04-09 19:04:16.824 | DEBUG    | __main__:<module>:20 - Iteration 1404: Points 1299 (cluster 3403) and 1396 (cluster 1396) connect at weight=632.0
2025-04-09 19:04:16.824 | DEBUG    | __main__:<module>:20 - Iteration 1405: Points 1298 (cluster 3400) and 1406 (cluster 1406) connect at weight=632.0
2025-04-09 19:04:16.824 | DEBUG    | __main__:<module>:20 - Iteration 1406: Points 1298 (cluster 3405) and 1402 (cluster 1402) connect at weight=632.0
2025-04-09 19:04:16.825 | DEBUG    | __main__:<module>:20 - Iteration 1407: Points 1267 (cluster 3401) and 1412 (cluster 1412) connect at weight=632.0
2025-04-09 19:04:16.825 | DEBUG    | __main__:<module>:20 - Iteration 1408: Points 1221 (cluster 3404) and 1395 (cluster 1395) connect at weight=632.0
2025-04-09 19:04:16.825 | DEBUG    | __main__:<module>:20 - Iteration 1409: Points 1141 (cluster 3407) and 1404 (cluster 1404) connect at weight=632.0
2025-04-09 19:04:16.825 | DEBUG    | __main__:<module>:20 - Iteration 1410: Points 1396 (cluster 3408) and 1420 (cluster 1420) connect at weight=631.0
2025-04-09 19:04:16.825 | DEBUG    | __main__:<module>:20 - Iteration 1411: Points 1390 (cluster 3410) and 1414 (cluster 1414) connect at weight=631.0
2025-04-09 19:04:16.826 | DEBUG    | __main__:<module>:20 - Iteration 1412: Points 1389 (cluster 3406) and 1421 (cluster 1421) connect at weight=631.0
2025-04-09 19:04:16.826 | DEBUG    | __main__:<module>:20 - Iteration 1413: Points 1380 (cluster 3411) and 1423 (cluster 1423) connect at weight=631.0
2025-04-09 19:04:16.826 | DEBUG    | __main__:<module>:20 - Iteration 1414: Points 1379 (cluster 3409) and 1419 (cluster 1419) connect at weight=631.0
2025-04-09 19:04:16.828 | DEBUG    | __main__:<module>:20 - Iteration 1415: Points 1371 (cluster 3414) and 1416 (cluster 1416) connect at weight=631.0
2025-04-09 19:04:16.828 | DEBUG    | __main__:<module>:20 - Iteration 1416: Points 1358 (cluster 3412) and 1415 (cluster 1415) connect at weight=631.0
2025-04-09 19:04:16.828 | DEBUG    | __main__:<module>:20 - Iteration 1417: Points 1354 (cluster 3416) and 1417 (cluster 1417) connect at weight=631.0
2025-04-09 19:04:16.828 | DEBUG    | __main__:<module>:20 - Iteration 1418: Points 1318 (cluster 3417) and 1413 (cluster 1413) connect at weight=631.0
2025-04-09 19:04:16.829 | DEBUG    | __main__:<module>:20 - Iteration 1419: Points 1317 (cluster 3418) and 1418 (cluster 1418) connect at weight=631.0
2025-04-09 19:04:16.829 | DEBUG    | __main__:<module>:20 - Iteration 1420: Points 1304 (cluster 3419) and 1422 (cluster 1422) connect at weight=631.0
2025-04-09 19:04:16.829 | DEBUG    | __main__:<module>:20 - Iteration 1421: Points 1235 (cluster 3420) and 1425 (cluster 1425) connect at weight=631.0
2025-04-09 19:04:16.829 | DEBUG    | __main__:<module>:20 - Iteration 1422: Points 1214 (cluster 3421) and 1424 (cluster 1424) connect at weight=631.0
2025-04-09 19:04:16.829 | DEBUG    | __main__:<module>:20 - Iteration 1423: Points 1440 (cluster 1440) and 1437 (cluster 1437) connect at weight=630.0
2025-04-09 19:04:16.830 | DEBUG    | __main__:<module>:20 - Iteration 1424: Points 1438 (cluster 1438) and 1435 (cluster 1435) connect at weight=630.0
2025-04-09 19:04:16.830 | DEBUG    | __main__:<module>:20 - Iteration 1425: Points 1428 (cluster 1428) and 1345 (cluster 3422) connect at weight=630.0
2025-04-09 19:04:16.830 | DEBUG    | __main__:<module>:20 - Iteration 1426: Points 1421 (cluster 3425) and 1438 (cluster 3424) connect at weight=630.0
2025-04-09 19:04:16.830 | DEBUG    | __main__:<module>:20 - Iteration 1427: Points 1414 (cluster 3413) and 1443 (cluster 1443) connect at weight=630.0
2025-04-09 19:04:16.830 | DEBUG    | __main__:<module>:20 - Iteration 1428: Points 1401 (cluster 3415) and 1440 (cluster 3423) connect at weight=630.0
2025-04-09 19:04:16.830 | DEBUG    | __main__:<module>:20 - Iteration 1429: Points 1396 (cluster 3427) and 1436 (cluster 1436) connect at weight=630.0
2025-04-09 19:04:16.831 | DEBUG    | __main__:<module>:20 - Iteration 1430: Points 1385 (cluster 3428) and 1432 (cluster 1432) connect at weight=630.0
2025-04-09 19:04:16.831 | DEBUG    | __main__:<module>:20 - Iteration 1431: Points 1379 (cluster 3430) and 1441 (cluster 1441) connect at weight=630.0
2025-04-09 19:04:16.831 | DEBUG    | __main__:<module>:20 - Iteration 1432: Points 1375 (cluster 3426) and 1427 (cluster 1427) connect at weight=630.0
2025-04-09 19:04:16.831 | DEBUG    | __main__:<module>:20 - Iteration 1433: Points 1373 (cluster 3431) and 1426 (cluster 1426) connect at weight=630.0
2025-04-09 19:04:16.831 | DEBUG    | __main__:<module>:20 - Iteration 1434: Points 1348 (cluster 3429) and 1429 (cluster 1429) connect at weight=630.0
2025-04-09 19:04:16.832 | DEBUG    | __main__:<module>:20 - Iteration 1435: Points 1344 (cluster 3432) and 1439 (cluster 1439) connect at weight=630.0
2025-04-09 19:04:16.832 | DEBUG    | __main__:<module>:20 - Iteration 1436: Points 1323 (cluster 3433) and 1433 (cluster 1433) connect at weight=630.0
2025-04-09 19:04:16.832 | DEBUG    | __main__:<module>:20 - Iteration 1437: Points 1300 (cluster 3435) and 1434 (cluster 1434) connect at weight=630.0
2025-04-09 19:04:16.832 | DEBUG    | __main__:<module>:20 - Iteration 1438: Points 1300 (cluster 3437) and 1430 (cluster 1430) connect at weight=630.0
2025-04-09 19:04:16.832 | DEBUG    | __main__:<module>:20 - Iteration 1439: Points 1228 (cluster 3436) and 1442 (cluster 1442) connect at weight=630.0
2025-04-09 19:04:16.833 | DEBUG    | __main__:<module>:20 - Iteration 1440: Points 1125 (cluster 3438) and 1431 (cluster 1431) connect at weight=630.0
2025-04-09 19:04:16.833 | DEBUG    | __main__:<module>:20 - Iteration 1441: Points 1453 (cluster 1453) and 1452 (cluster 1452) connect at weight=629.0
2025-04-09 19:04:16.833 | DEBUG    | __main__:<module>:20 - Iteration 1442: Points 1436 (cluster 3434) and 1448 (cluster 1448) connect at weight=629.0
2025-04-09 19:04:16.833 | DEBUG    | __main__:<module>:20 - Iteration 1443: Points 1426 (cluster 3439) and 1450 (cluster 1450) connect at weight=629.0
2025-04-09 19:04:16.833 | DEBUG    | __main__:<module>:20 - Iteration 1444: Points 1413 (cluster 3440) and 1444 (cluster 1444) connect at weight=629.0
2025-04-09 19:04:16.833 | DEBUG    | __main__:<module>:20 - Iteration 1445: Points 1411 (cluster 3444) and 1453 (cluster 3441) connect at weight=629.0
2025-04-09 19:04:16.834 | DEBUG    | __main__:<module>:20 - Iteration 1446: Points 1408 (cluster 3442) and 1454 (cluster 1454) connect at weight=629.0
2025-04-09 19:04:16.834 | DEBUG    | __main__:<module>:20 - Iteration 1447: Points 1396 (cluster 3446) and 1455 (cluster 1455) connect at weight=629.0
2025-04-09 19:04:16.834 | DEBUG    | __main__:<module>:20 - Iteration 1448: Points 1377 (cluster 3445) and 1447 (cluster 1447) connect at weight=629.0
2025-04-09 19:04:16.834 | DEBUG    | __main__:<module>:20 - Iteration 1449: Points 1351 (cluster 3447) and 1445 (cluster 1445) connect at weight=629.0
2025-04-09 19:04:16.834 | DEBUG    | __main__:<module>:20 - Iteration 1450: Points 1349 (cluster 3443) and 1451 (cluster 1451) connect at weight=629.0
2025-04-09 19:04:16.835 | DEBUG    | __main__:<module>:20 - Iteration 1451: Points 1342 (cluster 3450) and 1446 (cluster 1446) connect at weight=629.0
2025-04-09 19:04:16.835 | DEBUG    | __main__:<module>:20 - Iteration 1452: Points 1327 (cluster 3449) and 1449 (cluster 1449) connect at weight=629.0
2025-04-09 19:04:16.835 | DEBUG    | __main__:<module>:20 - Iteration 1453: Points 1453 (cluster 3448) and 1459 (cluster 1459) connect at weight=628.0
2025-04-09 19:04:16.835 | DEBUG    | __main__:<module>:20 - Iteration 1454: Points 1442 (cluster 3451) and 1458 (cluster 1458) connect at weight=628.0
2025-04-09 19:04:16.835 | DEBUG    | __main__:<module>:20 - Iteration 1455: Points 1412 (cluster 3454) and 1460 (cluster 1460) connect at weight=628.0
2025-04-09 19:04:16.836 | DEBUG    | __main__:<module>:20 - Iteration 1456: Points 1380 (cluster 3452) and 1463 (cluster 1463) connect at weight=628.0
2025-04-09 19:04:16.836 | DEBUG    | __main__:<module>:20 - Iteration 1457: Points 1358 (cluster 3453) and 1456 (cluster 1456) connect at weight=628.0
2025-04-09 19:04:16.836 | DEBUG    | __main__:<module>:20 - Iteration 1458: Points 1350 (cluster 3456) and 1457 (cluster 1457) connect at weight=628.0
2025-04-09 19:04:16.836 | DEBUG    | __main__:<module>:20 - Iteration 1459: Points 1342 (cluster 3455) and 1461 (cluster 1461) connect at weight=628.0
2025-04-09 19:04:16.836 | DEBUG    | __main__:<module>:20 - Iteration 1460: Points 939 (cluster 3458) and 1462 (cluster 1462) connect at weight=628.0
2025-04-09 19:04:16.836 | DEBUG    | __main__:<module>:20 - Iteration 1461: Points 1456 (cluster 3457) and 1470 (cluster 1470) connect at weight=627.0
2025-04-09 19:04:16.837 | DEBUG    | __main__:<module>:20 - Iteration 1462: Points 1453 (cluster 3461) and 1469 (cluster 1469) connect at weight=627.0
2025-04-09 19:04:16.837 | DEBUG    | __main__:<module>:20 - Iteration 1463: Points 1443 (cluster 3460) and 1471 (cluster 1471) connect at weight=627.0
2025-04-09 19:04:16.837 | DEBUG    | __main__:<module>:20 - Iteration 1464: Points 1417 (cluster 3462) and 1475 (cluster 1475) connect at weight=627.0
2025-04-09 19:04:16.837 | DEBUG    | __main__:<module>:20 - Iteration 1465: Points 1417 (cluster 3464) and 1473 (cluster 1473) connect at weight=627.0
2025-04-09 19:04:16.837 | DEBUG    | __main__:<module>:20 - Iteration 1466: Points 1406 (cluster 3465) and 1466 (cluster 1466) connect at weight=627.0
2025-04-09 19:04:16.838 | DEBUG    | __main__:<module>:20 - Iteration 1467: Points 1394 (cluster 3463) and 1464 (cluster 1464) connect at weight=627.0
2025-04-09 19:04:16.838 | DEBUG    | __main__:<module>:20 - Iteration 1468: Points 1369 (cluster 3459) and 1474 (cluster 1474) connect at weight=627.0
2025-04-09 19:04:16.838 | DEBUG    | __main__:<module>:20 - Iteration 1469: Points 1348 (cluster 3467) and 1472 (cluster 1472) connect at weight=627.0
2025-04-09 19:04:16.838 | DEBUG    | __main__:<module>:20 - Iteration 1470: Points 1306 (cluster 3466) and 1465 (cluster 1465) connect at weight=627.0
2025-04-09 19:04:16.838 | DEBUG    | __main__:<module>:20 - Iteration 1471: Points 1253 (cluster 3469) and 1467 (cluster 1467) connect at weight=627.0
2025-04-09 19:04:16.839 | DEBUG    | __main__:<module>:20 - Iteration 1472: Points 1230 (cluster 3470) and 1476 (cluster 1476) connect at weight=627.0
2025-04-09 19:04:16.839 | DEBUG    | __main__:<module>:20 - Iteration 1473: Points 1494 (cluster 1494) and 1489 (cluster 1489) connect at weight=626.0
2025-04-09 19:04:16.839 | DEBUG    | __main__:<module>:20 - Iteration 1474: Points 1491 (cluster 1491) and 1490 (cluster 1490) connect at weight=626.0
2025-04-09 19:04:16.839 | DEBUG    | __main__:<module>:20 - Iteration 1475: Points 1491 (cluster 3474) and 1483 (cluster 1483) connect at weight=626.0
2025-04-09 19:04:16.839 | DEBUG    | __main__:<module>:20 - Iteration 1476: Points 1491 (cluster 3475) and 1480 (cluster 1480) connect at weight=626.0
2025-04-09 19:04:16.839 | DEBUG    | __main__:<module>:20 - Iteration 1477: Points 1472 (cluster 3471) and 1484 (cluster 1484) connect at weight=626.0
2025-04-09 19:04:16.840 | DEBUG    | __main__:<module>:20 - Iteration 1478: Points 1471 (cluster 3477) and 1492 (cluster 1492) connect at weight=626.0
2025-04-09 19:04:16.840 | DEBUG    | __main__:<module>:20 - Iteration 1479: Points 1469 (cluster 3472) and 1494 (cluster 3473) connect at weight=626.0
2025-04-09 19:04:16.840 | DEBUG    | __main__:<module>:20 - Iteration 1480: Points 1434 (cluster 3479) and 1477 (cluster 1477) connect at weight=626.0
2025-04-09 19:04:16.840 | DEBUG    | __main__:<module>:20 - Iteration 1481: Points 1433 (cluster 3468) and 1482 (cluster 1482) connect at weight=626.0
2025-04-09 19:04:16.840 | DEBUG    | __main__:<module>:20 - Iteration 1482: Points 1422 (cluster 3480) and 1493 (cluster 1493) connect at weight=626.0
2025-04-09 19:04:16.841 | DEBUG    | __main__:<module>:20 - Iteration 1483: Points 1401 (cluster 3481) and 1487 (cluster 1487) connect at weight=626.0
2025-04-09 19:04:16.841 | DEBUG    | __main__:<module>:20 - Iteration 1484: Points 1382 (cluster 3483) and 1491 (cluster 3476) connect at weight=626.0
2025-04-09 19:04:16.841 | DEBUG    | __main__:<module>:20 - Iteration 1485: Points 1366 (cluster 3482) and 1481 (cluster 1481) connect at weight=626.0
2025-04-09 19:04:16.841 | DEBUG    | __main__:<module>:20 - Iteration 1486: Points 1364 (cluster 3478) and 1486 (cluster 1486) connect at weight=626.0
2025-04-09 19:04:16.841 | DEBUG    | __main__:<module>:20 - Iteration 1487: Points 1361 (cluster 3485) and 1468 (cluster 1468) connect at weight=626.0
2025-04-09 19:04:16.842 | DEBUG    | __main__:<module>:20 - Iteration 1488: Points 1302 (cluster 3487) and 1478 (cluster 1478) connect at weight=626.0
2025-04-09 19:04:16.842 | DEBUG    | __main__:<module>:20 - Iteration 1489: Points 1262 (cluster 3484) and 1485 (cluster 1485) connect at weight=626.0
2025-04-09 19:04:16.842 | DEBUG    | __main__:<module>:20 - Iteration 1490: Points 1211 (cluster 3489) and 1479 (cluster 1479) connect at weight=626.0
2025-04-09 19:04:16.842 | DEBUG    | __main__:<module>:20 - Iteration 1491: Points 1467 (cluster 3486) and 1500 (cluster 1500) connect at weight=625.0
2025-04-09 19:04:16.842 | DEBUG    | __main__:<module>:20 - Iteration 1492: Points 1464 (cluster 3491) and 1495 (cluster 1495) connect at weight=625.0
2025-04-09 19:04:16.842 | DEBUG    | __main__:<module>:20 - Iteration 1493: Points 1444 (cluster 3488) and 1496 (cluster 1496) connect at weight=625.0
2025-04-09 19:04:16.843 | DEBUG    | __main__:<module>:20 - Iteration 1494: Points 1434 (cluster 3493) and 1499 (cluster 1499) connect at weight=625.0
2025-04-09 19:04:16.843 | DEBUG    | __main__:<module>:20 - Iteration 1495: Points 1426 (cluster 3490) and 1497 (cluster 1497) connect at weight=625.0
2025-04-09 19:04:16.843 | DEBUG    | __main__:<module>:20 - Iteration 1496: Points 1338 (cluster 3495) and 1488 (cluster 1488) connect at weight=625.0
2025-04-09 19:04:16.843 | DEBUG    | __main__:<module>:20 - Iteration 1497: Points 1242 (cluster 3494) and 1498 (cluster 1498) connect at weight=625.0
2025-04-09 19:04:16.843 | DEBUG    | __main__:<module>:20 - Iteration 1498: Points 1496 (cluster 3497) and 1511 (cluster 1511) connect at weight=624.0
2025-04-09 19:04:16.843 | DEBUG    | __main__:<module>:20 - Iteration 1499: Points 1484 (cluster 3492) and 1503 (cluster 1503) connect at weight=624.0
2025-04-09 19:04:16.844 | DEBUG    | __main__:<module>:20 - Iteration 1500: Points 1472 (cluster 3499) and 1507 (cluster 1507) connect at weight=624.0
2025-04-09 19:04:16.844 | DEBUG    | __main__:<module>:20 - Iteration 1501: Points 1451 (cluster 3496) and 1504 (cluster 1504) connect at weight=624.0
2025-04-09 19:04:16.844 | DEBUG    | __main__:<module>:20 - Iteration 1502: Points 1444 (cluster 3498) and 1509 (cluster 1509) connect at weight=624.0
2025-04-09 19:04:16.844 | DEBUG    | __main__:<module>:20 - Iteration 1503: Points 1429 (cluster 3500) and 1506 (cluster 1506) connect at weight=624.0
2025-04-09 19:04:16.844 | DEBUG    | __main__:<module>:20 - Iteration 1504: Points 1423 (cluster 3503) and 1502 (cluster 1502) connect at weight=624.0
2025-04-09 19:04:16.845 | DEBUG    | __main__:<module>:20 - Iteration 1505: Points 1407 (cluster 3504) and 1510 (cluster 1510) connect at weight=624.0
2025-04-09 19:04:16.845 | DEBUG    | __main__:<module>:20 - Iteration 1506: Points 1400 (cluster 3501) and 1512 (cluster 1512) connect at weight=624.0
2025-04-09 19:04:16.845 | DEBUG    | __main__:<module>:20 - Iteration 1507: Points 1396 (cluster 3505) and 1501 (cluster 1501) connect at weight=624.0
2025-04-09 19:04:16.845 | DEBUG    | __main__:<module>:20 - Iteration 1508: Points 1352 (cluster 3507) and 1508 (cluster 1508) connect at weight=624.0
2025-04-09 19:04:16.845 | DEBUG    | __main__:<module>:20 - Iteration 1509: Points 1302 (cluster 3502) and 1505 (cluster 1505) connect at weight=624.0
2025-04-09 19:04:16.846 | DEBUG    | __main__:<module>:20 - Iteration 1510: Points 1242 (cluster 3509) and 1513 (cluster 1513) connect at weight=624.0
2025-04-09 19:04:16.846 | DEBUG    | __main__:<module>:20 - Iteration 1511: Points 1511 (cluster 3510) and 1518 (cluster 1518) connect at weight=623.0
2025-04-09 19:04:16.846 | DEBUG    | __main__:<module>:20 - Iteration 1512: Points 1504 (cluster 3506) and 1515 (cluster 1515) connect at weight=623.0
2025-04-09 19:04:16.846 | DEBUG    | __main__:<module>:20 - Iteration 1513: Points 1503 (cluster 3508) and 1520 (cluster 1520) connect at weight=623.0
2025-04-09 19:04:16.846 | DEBUG    | __main__:<module>:20 - Iteration 1514: Points 1497 (cluster 3512) and 1521 (cluster 1521) connect at weight=623.0
2025-04-09 19:04:16.846 | DEBUG    | __main__:<module>:20 - Iteration 1515: Points 1455 (cluster 3513) and 1525 (cluster 1525) connect at weight=623.0
2025-04-09 19:04:16.847 | DEBUG    | __main__:<module>:20 - Iteration 1516: Points 1440 (cluster 3514) and 1523 (cluster 1523) connect at weight=623.0
2025-04-09 19:04:16.847 | DEBUG    | __main__:<module>:20 - Iteration 1517: Points 1440 (cluster 3516) and 1514 (cluster 1514) connect at weight=623.0
2025-04-09 19:04:16.847 | DEBUG    | __main__:<module>:20 - Iteration 1518: Points 1423 (cluster 3515) and 1522 (cluster 1522) connect at weight=623.0
2025-04-09 19:04:16.847 | DEBUG    | __main__:<module>:20 - Iteration 1519: Points 1419 (cluster 3517) and 1519 (cluster 1519) connect at weight=623.0
2025-04-09 19:04:16.847 | DEBUG    | __main__:<module>:20 - Iteration 1520: Points 1406 (cluster 3511) and 1517 (cluster 1517) connect at weight=623.0
2025-04-09 19:04:16.847 | DEBUG    | __main__:<module>:20 - Iteration 1521: Points 1365 (cluster 3519) and 1524 (cluster 1524) connect at weight=623.0
2025-04-09 19:04:16.848 | DEBUG    | __main__:<module>:20 - Iteration 1522: Points 1528 (cluster 1528) and 1527 (cluster 1527) connect at weight=622.0
2025-04-09 19:04:16.848 | DEBUG    | __main__:<module>:20 - Iteration 1523: Points 1517 (cluster 3520) and 1531 (cluster 1531) connect at weight=622.0
2025-04-09 19:04:16.848 | DEBUG    | __main__:<module>:20 - Iteration 1524: Points 1516 (cluster 1516) and 1428 (cluster 3523) connect at weight=622.0
2025-04-09 19:04:16.852 | DEBUG    | __main__:<module>:20 - Iteration 1525: Points 1515 (cluster 3521) and 1529 (cluster 1529) connect at weight=622.0
2025-04-09 19:04:16.854 | DEBUG    | __main__:<module>:20 - Iteration 1526: Points 1501 (cluster 3518) and 1530 (cluster 1530) connect at weight=622.0
2025-04-09 19:04:16.854 | DEBUG    | __main__:<module>:20 - Iteration 1527: Points 1499 (cluster 3524) and 1532 (cluster 1532) connect at weight=622.0
2025-04-09 19:04:16.854 | DEBUG    | __main__:<module>:20 - Iteration 1528: Points 1485 (cluster 3525) and 1534 (cluster 1534) connect at weight=622.0
2025-04-09 19:04:16.854 | DEBUG    | __main__:<module>:20 - Iteration 1529: Points 1477 (cluster 3527) and 1526 (cluster 1526) connect at weight=622.0
2025-04-09 19:04:16.855 | DEBUG    | __main__:<module>:20 - Iteration 1530: Points 1475 (cluster 3529) and 1536 (cluster 1536) connect at weight=622.0
2025-04-09 19:04:16.855 | DEBUG    | __main__:<module>:20 - Iteration 1531: Points 1463 (cluster 3526) and 1539 (cluster 1539) connect at weight=622.0
2025-04-09 19:04:16.855 | DEBUG    | __main__:<module>:20 - Iteration 1532: Points 1446 (cluster 3528) and 1538 (cluster 1538) connect at weight=622.0
2025-04-09 19:04:16.855 | DEBUG    | __main__:<module>:20 - Iteration 1533: Points 1438 (cluster 3530) and 1535 (cluster 1535) connect at weight=622.0
2025-04-09 19:04:16.855 | DEBUG    | __main__:<module>:20 - Iteration 1534: Points 1395 (cluster 3531) and 1533 (cluster 1533) connect at weight=622.0
2025-04-09 19:04:16.855 | DEBUG    | __main__:<module>:20 - Iteration 1535: Points 1395 (cluster 3534) and 1528 (cluster 3522) connect at weight=622.0
2025-04-09 19:04:16.856 | DEBUG    | __main__:<module>:20 - Iteration 1536: Points 1259 (cluster 3533) and 1537 (cluster 1537) connect at weight=622.0
2025-04-09 19:04:16.856 | DEBUG    | __main__:<module>:20 - Iteration 1537: Points 1494 (cluster 3536) and 1540 (cluster 1540) connect at weight=621.0
2025-04-09 19:04:16.856 | DEBUG    | __main__:<module>:20 - Iteration 1538: Points 1469 (cluster 3537) and 1544 (cluster 1544) connect at weight=621.0
2025-04-09 19:04:16.856 | DEBUG    | __main__:<module>:20 - Iteration 1539: Points 1468 (cluster 3538) and 1542 (cluster 1542) connect at weight=621.0
2025-04-09 19:04:16.856 | DEBUG    | __main__:<module>:20 - Iteration 1540: Points 1454 (cluster 3535) and 1543 (cluster 1543) connect at weight=621.0
2025-04-09 19:04:16.857 | DEBUG    | __main__:<module>:20 - Iteration 1541: Points 1378 (cluster 3540) and 1547 (cluster 1547) connect at weight=621.0
2025-04-09 19:04:16.857 | DEBUG    | __main__:<module>:20 - Iteration 1542: Points 1372 (cluster 3532) and 1546 (cluster 1546) connect at weight=621.0
2025-04-09 19:04:16.857 | DEBUG    | __main__:<module>:20 - Iteration 1543: Points 1372 (cluster 3542) and 1545 (cluster 1545) connect at weight=621.0
2025-04-09 19:04:16.857 | DEBUG    | __main__:<module>:20 - Iteration 1544: Points 1556 (cluster 1556) and 1549 (cluster 1549) connect at weight=620.0
2025-04-09 19:04:16.857 | DEBUG    | __main__:<module>:20 - Iteration 1545: Points 1544 (cluster 3539) and 1558 (cluster 1558) connect at weight=620.0
2025-04-09 19:04:16.857 | DEBUG    | __main__:<module>:20 - Iteration 1546: Points 1530 (cluster 3541) and 1554 (cluster 1554) connect at weight=620.0
2025-04-09 19:04:16.858 | DEBUG    | __main__:<module>:20 - Iteration 1547: Points 1529 (cluster 3543) and 1560 (cluster 1560) connect at weight=620.0
2025-04-09 19:04:16.858 | DEBUG    | __main__:<module>:20 - Iteration 1548: Points 1523 (cluster 3547) and 1559 (cluster 1559) connect at weight=620.0
2025-04-09 19:04:16.858 | DEBUG    | __main__:<module>:20 - Iteration 1549: Points 1522 (cluster 3546) and 1548 (cluster 1548) connect at weight=620.0
2025-04-09 19:04:16.858 | DEBUG    | __main__:<module>:20 - Iteration 1550: Points 1521 (cluster 3548) and 1561 (cluster 1561) connect at weight=620.0
2025-04-09 19:04:16.858 | DEBUG    | __main__:<module>:20 - Iteration 1551: Points 1498 (cluster 3545) and 1551 (cluster 1551) connect at weight=620.0
2025-04-09 19:04:16.859 | DEBUG    | __main__:<module>:20 - Iteration 1552: Points 1495 (cluster 3549) and 1555 (cluster 1555) connect at weight=620.0
2025-04-09 19:04:16.859 | DEBUG    | __main__:<module>:20 - Iteration 1553: Points 1494 (cluster 3551) and 1550 (cluster 1550) connect at weight=620.0
2025-04-09 19:04:16.859 | DEBUG    | __main__:<module>:20 - Iteration 1554: Points 1493 (cluster 3553) and 1556 (cluster 3544) connect at weight=620.0
2025-04-09 19:04:16.859 | DEBUG    | __main__:<module>:20 - Iteration 1555: Points 1465 (cluster 3554) and 1562 (cluster 1562) connect at weight=620.0
2025-04-09 19:04:16.859 | DEBUG    | __main__:<module>:20 - Iteration 1556: Points 1463 (cluster 3552) and 1557 (cluster 1557) connect at weight=620.0
2025-04-09 19:04:16.859 | DEBUG    | __main__:<module>:20 - Iteration 1557: Points 1434 (cluster 3555) and 1552 (cluster 1552) connect at weight=620.0
2025-04-09 19:04:16.860 | DEBUG    | __main__:<module>:20 - Iteration 1558: Points 1405 (cluster 3550) and 1541 (cluster 1541) connect at weight=620.0
2025-04-09 19:04:16.860 | DEBUG    | __main__:<module>:20 - Iteration 1559: Points 1352 (cluster 3556) and 1553 (cluster 1553) connect at weight=620.0
2025-04-09 19:04:16.862 | DEBUG    | __main__:<module>:20 - Iteration 1560: Points 1567 (cluster 1567) and 1565 (cluster 1565) connect at weight=619.0
2025-04-09 19:04:16.862 | DEBUG    | __main__:<module>:20 - Iteration 1561: Points 1567 (cluster 3560) and 1563 (cluster 1563) connect at weight=619.0
2025-04-09 19:04:16.862 | DEBUG    | __main__:<module>:20 - Iteration 1562: Points 1562 (cluster 3557) and 1564 (cluster 1564) connect at weight=619.0
2025-04-09 19:04:16.862 | DEBUG    | __main__:<module>:20 - Iteration 1563: Points 1531 (cluster 3562) and 1572 (cluster 1572) connect at weight=619.0
2025-04-09 19:04:16.863 | DEBUG    | __main__:<module>:20 - Iteration 1564: Points 1531 (cluster 3563) and 1568 (cluster 1568) connect at weight=619.0
2025-04-09 19:04:16.863 | DEBUG    | __main__:<module>:20 - Iteration 1565: Points 1508 (cluster 3559) and 1567 (cluster 3561) connect at weight=619.0
2025-04-09 19:04:16.863 | DEBUG    | __main__:<module>:20 - Iteration 1566: Points 1457 (cluster 3565) and 1570 (cluster 1570) connect at weight=619.0
2025-04-09 19:04:16.863 | DEBUG    | __main__:<module>:20 - Iteration 1567: Points 1433 (cluster 3558) and 1566 (cluster 1566) connect at weight=619.0
2025-04-09 19:04:16.863 | DEBUG    | __main__:<module>:20 - Iteration 1568: Points 1313 (cluster 3566) and 1569 (cluster 1569) connect at weight=619.0
2025-04-09 19:04:16.863 | DEBUG    | __main__:<module>:20 - Iteration 1569: Points 1284 (cluster 3568) and 1571 (cluster 1571) connect at weight=619.0
2025-04-09 19:04:16.864 | DEBUG    | __main__:<module>:20 - Iteration 1570: Points 1572 (cluster 3564) and 1574 (cluster 1574) connect at weight=618.0
2025-04-09 19:04:16.864 | DEBUG    | __main__:<module>:20 - Iteration 1571: Points 1556 (cluster 3570) and 1575 (cluster 1575) connect at weight=618.0
2025-04-09 19:04:16.864 | DEBUG    | __main__:<module>:20 - Iteration 1572: Points 1525 (cluster 3569) and 1577 (cluster 1577) connect at weight=618.0
2025-04-09 19:04:16.864 | DEBUG    | __main__:<module>:20 - Iteration 1573: Points 1515 (cluster 3567) and 1576 (cluster 1576) connect at weight=618.0
2025-04-09 19:04:16.864 | DEBUG    | __main__:<module>:20 - Iteration 1574: Points 1491 (cluster 3573) and 1578 (cluster 1578) connect at weight=618.0
2025-04-09 19:04:16.864 | DEBUG    | __main__:<module>:20 - Iteration 1575: Points 1311 (cluster 3572) and 1573 (cluster 1573) connect at weight=618.0
2025-04-09 19:04:16.865 | DEBUG    | __main__:<module>:20 - Iteration 1576: Points 1567 (cluster 3575) and 1581 (cluster 1581) connect at weight=617.0
2025-04-09 19:04:16.865 | DEBUG    | __main__:<module>:20 - Iteration 1577: Points 1559 (cluster 3574) and 1586 (cluster 1586) connect at weight=617.0
2025-04-09 19:04:16.865 | DEBUG    | __main__:<module>:20 - Iteration 1578: Points 1557 (cluster 3576) and 1579 (cluster 1579) connect at weight=617.0
2025-04-09 19:04:16.865 | DEBUG    | __main__:<module>:20 - Iteration 1579: Points 1523 (cluster 3577) and 1584 (cluster 1584) connect at weight=617.0
2025-04-09 19:04:16.865 | DEBUG    | __main__:<module>:20 - Iteration 1580: Points 1513 (cluster 3571) and 1582 (cluster 1582) connect at weight=617.0
2025-04-09 19:04:16.866 | DEBUG    | __main__:<module>:20 - Iteration 1581: Points 1460 (cluster 3579) and 1583 (cluster 1583) connect at weight=617.0
2025-04-09 19:04:16.866 | DEBUG    | __main__:<module>:20 - Iteration 1582: Points 1432 (cluster 3581) and 1585 (cluster 1585) connect at weight=617.0
2025-04-09 19:04:16.866 | DEBUG    | __main__:<module>:20 - Iteration 1583: Points 1395 (cluster 3578) and 1580 (cluster 1580) connect at weight=617.0
2025-04-09 19:04:16.866 | DEBUG    | __main__:<module>:20 - Iteration 1584: Points 1574 (cluster 3580) and 1588 (cluster 1588) connect at weight=616.0
2025-04-09 19:04:16.866 | DEBUG    | __main__:<module>:20 - Iteration 1585: Points 1558 (cluster 3584) and 1591 (cluster 1591) connect at weight=616.0
2025-04-09 19:04:16.866 | DEBUG    | __main__:<module>:20 - Iteration 1586: Points 1557 (cluster 3583) and 1590 (cluster 1590) connect at weight=616.0
2025-04-09 19:04:16.867 | DEBUG    | __main__:<module>:20 - Iteration 1587: Points 1554 (cluster 3586) and 1593 (cluster 1593) connect at weight=616.0
2025-04-09 19:04:16.867 | DEBUG    | __main__:<module>:20 - Iteration 1588: Points 1510 (cluster 3587) and 1589 (cluster 1589) connect at weight=616.0
2025-04-09 19:04:16.867 | DEBUG    | __main__:<module>:20 - Iteration 1589: Points 1498 (cluster 3585) and 1592 (cluster 1592) connect at weight=616.0
2025-04-09 19:04:16.867 | DEBUG    | __main__:<module>:20 - Iteration 1590: Points 1460 (cluster 3582) and 1587 (cluster 1587) connect at weight=616.0
2025-04-09 19:04:16.867 | DEBUG    | __main__:<module>:20 - Iteration 1591: Points 1419 (cluster 3590) and 1594 (cluster 1594) connect at weight=616.0
2025-04-09 19:04:16.868 | DEBUG    | __main__:<module>:20 - Iteration 1592: Points 1576 (cluster 3591) and 1598 (cluster 1598) connect at weight=615.0
2025-04-09 19:04:16.868 | DEBUG    | __main__:<module>:20 - Iteration 1593: Points 1573 (cluster 3588) and 1600 (cluster 1600) connect at weight=615.0
2025-04-09 19:04:16.868 | DEBUG    | __main__:<module>:20 - Iteration 1594: Points 1552 (cluster 3589) and 1595 (cluster 1595) connect at weight=615.0
2025-04-09 19:04:16.868 | DEBUG    | __main__:<module>:20 - Iteration 1595: Points 1470 (cluster 3594) and 1597 (cluster 1597) connect at weight=615.0
2025-04-09 19:04:16.868 | DEBUG    | __main__:<module>:20 - Iteration 1596: Points 1462 (cluster 3593) and 1596 (cluster 1596) connect at weight=615.0
2025-04-09 19:04:16.868 | DEBUG    | __main__:<module>:20 - Iteration 1597: Points 1449 (cluster 3596) and 1601 (cluster 1601) connect at weight=615.0
2025-04-09 19:04:16.869 | DEBUG    | __main__:<module>:20 - Iteration 1598: Points 1441 (cluster 3592) and 1599 (cluster 1599) connect at weight=615.0
2025-04-09 19:04:16.869 | DEBUG    | __main__:<module>:20 - Iteration 1599: Points 1416 (cluster 3598) and 1602 (cluster 1602) connect at weight=615.0
2025-04-09 19:04:16.869 | DEBUG    | __main__:<module>:20 - Iteration 1600: Points 1605 (cluster 1605) and 1604 (cluster 1604) connect at weight=614.0
2025-04-09 19:04:16.869 | DEBUG    | __main__:<module>:20 - Iteration 1601: Points 1595 (cluster 3595) and 1605 (cluster 3600) connect at weight=614.0
2025-04-09 19:04:16.869 | DEBUG    | __main__:<module>:20 - Iteration 1602: Points 1521 (cluster 3599) and 1607 (cluster 1607) connect at weight=614.0
2025-04-09 19:04:16.870 | DEBUG    | __main__:<module>:20 - Iteration 1603: Points 1518 (cluster 3601) and 1608 (cluster 1608) connect at weight=614.0
2025-04-09 19:04:16.870 | DEBUG    | __main__:<module>:20 - Iteration 1604: Points 1481 (cluster 3603) and 1603 (cluster 1603) connect at weight=614.0
2025-04-09 19:04:16.870 | DEBUG    | __main__:<module>:20 - Iteration 1605: Points 1424 (cluster 3604) and 1606 (cluster 1606) connect at weight=614.0
2025-04-09 19:04:16.870 | DEBUG    | __main__:<module>:20 - Iteration 1606: Points 1617 (cluster 1617) and 1611 (cluster 1611) connect at weight=613.0
2025-04-09 19:04:16.870 | DEBUG    | __main__:<module>:20 - Iteration 1607: Points 1566 (cluster 3602) and 1614 (cluster 1614) connect at weight=613.0
2025-04-09 19:04:16.870 | DEBUG    | __main__:<module>:20 - Iteration 1608: Points 1558 (cluster 3605) and 1610 (cluster 1610) connect at weight=613.0
2025-04-09 19:04:16.871 | DEBUG    | __main__:<module>:20 - Iteration 1609: Points 1555 (cluster 3597) and 1612 (cluster 1612) connect at weight=613.0
2025-04-09 19:04:16.871 | DEBUG    | __main__:<module>:20 - Iteration 1610: Points 1555 (cluster 3609) and 1609 (cluster 1609) connect at weight=613.0
2025-04-09 19:04:16.871 | DEBUG    | __main__:<module>:20 - Iteration 1611: Points 1548 (cluster 3610) and 1616 (cluster 1616) connect at weight=613.0
2025-04-09 19:04:16.871 | DEBUG    | __main__:<module>:20 - Iteration 1612: Points 1535 (cluster 3608) and 1615 (cluster 1615) connect at weight=613.0
2025-04-09 19:04:16.871 | DEBUG    | __main__:<module>:20 - Iteration 1613: Points 1519 (cluster 3607) and 1617 (cluster 3606) connect at weight=613.0
2025-04-09 19:04:16.872 | DEBUG    | __main__:<module>:20 - Iteration 1614: Points 1493 (cluster 3612) and 1618 (cluster 1618) connect at weight=613.0
2025-04-09 19:04:16.872 | DEBUG    | __main__:<module>:20 - Iteration 1615: Points 1323 (cluster 3613) and 1613 (cluster 1613) connect at weight=613.0
2025-04-09 19:04:16.872 | DEBUG    | __main__:<module>:20 - Iteration 1616: Points 1589 (cluster 3611) and 1621 (cluster 1621) connect at weight=612.0
2025-04-09 19:04:16.872 | DEBUG    | __main__:<module>:20 - Iteration 1617: Points 1588 (cluster 3614) and 1622 (cluster 1622) connect at weight=612.0
2025-04-09 19:04:16.872 | DEBUG    | __main__:<module>:20 - Iteration 1618: Points 1575 (cluster 3617) and 1619 (cluster 1619) connect at weight=612.0
2025-04-09 19:04:16.872 | DEBUG    | __main__:<module>:20 - Iteration 1619: Points 1571 (cluster 3616) and 1620 (cluster 1620) connect at weight=612.0
2025-04-09 19:04:16.873 | DEBUG    | __main__:<module>:20 - Iteration 1620: Points 1626 (cluster 1626) and 1624 (cluster 1624) connect at weight=611.0
2025-04-09 19:04:16.873 | DEBUG    | __main__:<module>:20 - Iteration 1621: Points 1605 (cluster 3618) and 1628 (cluster 1628) connect at weight=611.0
2025-04-09 19:04:16.873 | DEBUG    | __main__:<module>:20 - Iteration 1622: Points 1605 (cluster 3621) and 1623 (cluster 1623) connect at weight=611.0
2025-04-09 19:04:16.873 | DEBUG    | __main__:<module>:20 - Iteration 1623: Points 1568 (cluster 3622) and 1626 (cluster 3620) connect at weight=611.0
2025-04-09 19:04:16.873 | DEBUG    | __main__:<module>:20 - Iteration 1624: Points 1552 (cluster 3623) and 1627 (cluster 1627) connect at weight=611.0
2025-04-09 19:04:16.874 | DEBUG    | __main__:<module>:20 - Iteration 1625: Points 1542 (cluster 3624) and 1625 (cluster 1625) connect at weight=611.0
2025-04-09 19:04:16.874 | DEBUG    | __main__:<module>:20 - Iteration 1626: Points 1614 (cluster 3615) and 1637 (cluster 1637) connect at weight=610.0
2025-04-09 19:04:16.874 | DEBUG    | __main__:<module>:20 - Iteration 1627: Points 1612 (cluster 3619) and 1634 (cluster 1634) connect at weight=610.0
2025-04-09 19:04:16.874 | DEBUG    | __main__:<module>:20 - Iteration 1628: Points 1583 (cluster 3626) and 1631 (cluster 1631) connect at weight=610.0
2025-04-09 19:04:16.874 | DEBUG    | __main__:<module>:20 - Iteration 1629: Points 1573 (cluster 3627) and 1636 (cluster 1636) connect at weight=610.0
2025-04-09 19:04:16.875 | DEBUG    | __main__:<module>:20 - Iteration 1630: Points 1535 (cluster 3625) and 1630 (cluster 1630) connect at weight=610.0
2025-04-09 19:04:16.875 | DEBUG    | __main__:<module>:20 - Iteration 1631: Points 1533 (cluster 3629) and 1633 (cluster 1633) connect at weight=610.0
2025-04-09 19:04:16.875 | DEBUG    | __main__:<module>:20 - Iteration 1632: Points 1481 (cluster 3630) and 1635 (cluster 1635) connect at weight=610.0
2025-04-09 19:04:16.875 | DEBUG    | __main__:<module>:20 - Iteration 1633: Points 1465 (cluster 3632) and 1632 (cluster 1632) connect at weight=610.0
2025-04-09 19:04:16.879 | DEBUG    | __main__:<module>:20 - Iteration 1634: Points 1450 (cluster 3628) and 1629 (cluster 1629) connect at weight=610.0
2025-04-09 19:04:16.880 | DEBUG    | __main__:<module>:20 - Iteration 1635: Points 1634 (cluster 3631) and 1641 (cluster 1641) connect at weight=609.0
2025-04-09 19:04:16.880 | DEBUG    | __main__:<module>:20 - Iteration 1636: Points 1633 (cluster 3635) and 1640 (cluster 1640) connect at weight=609.0
2025-04-09 19:04:16.880 | DEBUG    | __main__:<module>:20 - Iteration 1637: Points 1607 (cluster 3634) and 1639 (cluster 1639) connect at weight=609.0
2025-04-09 19:04:16.880 | DEBUG    | __main__:<module>:20 - Iteration 1638: Points 1598 (cluster 3637) and 1644 (cluster 1644) connect at weight=609.0
2025-04-09 19:04:16.880 | DEBUG    | __main__:<module>:20 - Iteration 1639: Points 1594 (cluster 3638) and 1638 (cluster 1638) connect at weight=609.0
2025-04-09 19:04:16.880 | DEBUG    | __main__:<module>:20 - Iteration 1640: Points 1593 (cluster 3636) and 1643 (cluster 1643) connect at weight=609.0
2025-04-09 19:04:16.881 | DEBUG    | __main__:<module>:20 - Iteration 1641: Points 1578 (cluster 3639) and 1645 (cluster 1645) connect at weight=609.0
2025-04-09 19:04:16.881 | DEBUG    | __main__:<module>:20 - Iteration 1642: Points 1575 (cluster 3633) and 1642 (cluster 1642) connect at weight=609.0
2025-04-09 19:04:16.881 | DEBUG    | __main__:<module>:20 - Iteration 1643: Points 1631 (cluster 3641) and 1650 (cluster 1650) connect at weight=608.0
2025-04-09 19:04:16.881 | DEBUG    | __main__:<module>:20 - Iteration 1644: Points 1582 (cluster 3642) and 1647 (cluster 1647) connect at weight=608.0
2025-04-09 19:04:16.881 | DEBUG    | __main__:<module>:20 - Iteration 1645: Points 1579 (cluster 3640) and 1648 (cluster 1648) connect at weight=608.0
2025-04-09 19:04:16.881 | DEBUG    | __main__:<module>:20 - Iteration 1646: Points 1577 (cluster 3645) and 1646 (cluster 1646) connect at weight=608.0
2025-04-09 19:04:16.882 | DEBUG    | __main__:<module>:20 - Iteration 1647: Points 1364 (cluster 3646) and 1649 (cluster 1649) connect at weight=608.0
2025-04-09 19:04:16.882 | DEBUG    | __main__:<module>:20 - Iteration 1648: Points 1621 (cluster 3647) and 1653 (cluster 1653) connect at weight=607.0
2025-04-09 19:04:16.882 | DEBUG    | __main__:<module>:20 - Iteration 1649: Points 1619 (cluster 3644) and 1656 (cluster 1656) connect at weight=607.0
2025-04-09 19:04:16.882 | DEBUG    | __main__:<module>:20 - Iteration 1650: Points 1608 (cluster 3649) and 1659 (cluster 1659) connect at weight=607.0
2025-04-09 19:04:16.882 | DEBUG    | __main__:<module>:20 - Iteration 1651: Points 1590 (cluster 3648) and 1660 (cluster 1660) connect at weight=607.0
2025-04-09 19:04:16.882 | DEBUG    | __main__:<module>:20 - Iteration 1652: Points 1590 (cluster 3651) and 1658 (cluster 1658) connect at weight=607.0
2025-04-09 19:04:16.883 | DEBUG    | __main__:<module>:20 - Iteration 1653: Points 1586 (cluster 3643) and 1652 (cluster 1652) connect at weight=607.0
2025-04-09 19:04:16.883 | DEBUG    | __main__:<module>:20 - Iteration 1654: Points 1578 (cluster 3653) and 1655 (cluster 1655) connect at weight=607.0
2025-04-09 19:04:16.883 | DEBUG    | __main__:<module>:20 - Iteration 1655: Points 1575 (cluster 3650) and 1657 (cluster 1657) connect at weight=607.0
2025-04-09 19:04:16.883 | DEBUG    | __main__:<module>:20 - Iteration 1656: Points 1561 (cluster 3654) and 1663 (cluster 1663) connect at weight=607.0
2025-04-09 19:04:16.883 | DEBUG    | __main__:<module>:20 - Iteration 1657: Points 1561 (cluster 3656) and 1651 (cluster 1651) connect at weight=607.0
2025-04-09 19:04:16.883 | DEBUG    | __main__:<module>:20 - Iteration 1658: Points 1540 (cluster 3655) and 1661 (cluster 1661) connect at weight=607.0
2025-04-09 19:04:16.884 | DEBUG    | __main__:<module>:20 - Iteration 1659: Points 1532 (cluster 3658) and 1664 (cluster 1664) connect at weight=607.0
2025-04-09 19:04:16.884 | DEBUG    | __main__:<module>:20 - Iteration 1660: Points 1520 (cluster 3652) and 1662 (cluster 1662) connect at weight=607.0
2025-04-09 19:04:16.886 | DEBUG    | __main__:<module>:20 - Iteration 1661: Points 1500 (cluster 3660) and 1654 (cluster 1654) connect at weight=607.0
2025-04-09 19:04:16.886 | DEBUG    | __main__:<module>:20 - Iteration 1662: Points 1643 (cluster 3661) and 1666 (cluster 1666) connect at weight=606.0
2025-04-09 19:04:16.886 | DEBUG    | __main__:<module>:20 - Iteration 1663: Points 1632 (cluster 3659) and 1667 (cluster 1667) connect at weight=606.0
2025-04-09 19:04:16.886 | DEBUG    | __main__:<module>:20 - Iteration 1664: Points 1622 (cluster 3663) and 1669 (cluster 1669) connect at weight=606.0
2025-04-09 19:04:16.886 | DEBUG    | __main__:<module>:20 - Iteration 1665: Points 1614 (cluster 3657) and 1665 (cluster 1665) connect at weight=606.0
2025-04-09 19:04:16.887 | DEBUG    | __main__:<module>:20 - Iteration 1666: Points 1608 (cluster 3664) and 1668 (cluster 1668) connect at weight=606.0
2025-04-09 19:04:16.887 | DEBUG    | __main__:<module>:20 - Iteration 1667: Points 1645 (cluster 3665) and 1672 (cluster 1672) connect at weight=605.0
2025-04-09 19:04:16.887 | DEBUG    | __main__:<module>:20 - Iteration 1668: Points 1610 (cluster 3666) and 1673 (cluster 1673) connect at weight=605.0
2025-04-09 19:04:16.887 | DEBUG    | __main__:<module>:20 - Iteration 1669: Points 1597 (cluster 3668) and 1671 (cluster 1671) connect at weight=605.0
2025-04-09 19:04:16.887 | DEBUG    | __main__:<module>:20 - Iteration 1670: Points 1458 (cluster 3667) and 1670 (cluster 1670) connect at weight=605.0
2025-04-09 19:04:16.887 | DEBUG    | __main__:<module>:20 - Iteration 1671: Points 1250 (cluster 3662) and 1674 (cluster 1674) connect at weight=605.0
2025-04-09 19:04:16.888 | DEBUG    | __main__:<module>:20 - Iteration 1672: Points 1669 (cluster 3669) and 1678 (cluster 1678) connect at weight=604.0
2025-04-09 19:04:16.888 | DEBUG    | __main__:<module>:20 - Iteration 1673: Points 1668 (cluster 3672) and 1677 (cluster 1677) connect at weight=604.0
2025-04-09 19:04:16.888 | DEBUG    | __main__:<module>:20 - Iteration 1674: Points 1666 (cluster 3671) and 1676 (cluster 1676) connect at weight=604.0
2025-04-09 19:04:16.888 | DEBUG    | __main__:<module>:20 - Iteration 1675: Points 1664 (cluster 3673) and 1679 (cluster 1679) connect at weight=604.0
2025-04-09 19:04:16.888 | DEBUG    | __main__:<module>:20 - Iteration 1676: Points 1581 (cluster 3674) and 1675 (cluster 1675) connect at weight=604.0
2025-04-09 19:04:16.888 | DEBUG    | __main__:<module>:20 - Iteration 1677: Points 1679 (cluster 3675) and 1687 (cluster 1687) connect at weight=603.0
2025-04-09 19:04:16.889 | DEBUG    | __main__:<module>:20 - Iteration 1678: Points 1646 (cluster 3676) and 1681 (cluster 1681) connect at weight=603.0
2025-04-09 19:04:16.889 | DEBUG    | __main__:<module>:20 - Iteration 1679: Points 1642 (cluster 3677) and 1684 (cluster 1684) connect at weight=603.0
2025-04-09 19:04:16.889 | DEBUG    | __main__:<module>:20 - Iteration 1680: Points 1640 (cluster 3678) and 1685 (cluster 1685) connect at weight=603.0
2025-04-09 19:04:16.889 | DEBUG    | __main__:<module>:20 - Iteration 1681: Points 1627 (cluster 3679) and 1688 (cluster 1688) connect at weight=603.0
2025-04-09 19:04:16.889 | DEBUG    | __main__:<module>:20 - Iteration 1682: Points 1585 (cluster 3670) and 1682 (cluster 1682) connect at weight=603.0
2025-04-09 19:04:16.890 | DEBUG    | __main__:<module>:20 - Iteration 1683: Points 1538 (cluster 3682) and 1680 (cluster 1680) connect at weight=603.0
2025-04-09 19:04:16.890 | DEBUG    | __main__:<module>:20 - Iteration 1684: Points 1537 (cluster 3681) and 1683 (cluster 1683) connect at weight=603.0
2025-04-09 19:04:16.890 | DEBUG    | __main__:<module>:20 - Iteration 1685: Points 1520 (cluster 3680) and 1686 (cluster 1686) connect at weight=603.0
2025-04-09 19:04:16.890 | DEBUG    | __main__:<module>:20 - Iteration 1686: Points 1698 (cluster 1698) and 1689 (cluster 1689) connect at weight=602.0
2025-04-09 19:04:16.890 | DEBUG    | __main__:<module>:20 - Iteration 1687: Points 1678 (cluster 3684) and 1691 (cluster 1691) connect at weight=602.0
2025-04-09 19:04:16.891 | DEBUG    | __main__:<module>:20 - Iteration 1688: Points 1652 (cluster 3683) and 1690 (cluster 1690) connect at weight=602.0
2025-04-09 19:04:16.891 | DEBUG    | __main__:<module>:20 - Iteration 1689: Points 1643 (cluster 3685) and 1692 (cluster 1692) connect at weight=602.0
2025-04-09 19:04:16.891 | DEBUG    | __main__:<module>:20 - Iteration 1690: Points 1640 (cluster 3689) and 1698 (cluster 3686) connect at weight=602.0
2025-04-09 19:04:16.891 | DEBUG    | __main__:<module>:20 - Iteration 1691: Points 1616 (cluster 3690) and 1695 (cluster 1695) connect at weight=602.0
2025-04-09 19:04:16.891 | DEBUG    | __main__:<module>:20 - Iteration 1692: Points 1610 (cluster 3687) and 1697 (cluster 1697) connect at weight=602.0
2025-04-09 19:04:16.891 | DEBUG    | __main__:<module>:20 - Iteration 1693: Points 1607 (cluster 3688) and 1696 (cluster 1696) connect at weight=602.0
2025-04-09 19:04:16.892 | DEBUG    | __main__:<module>:20 - Iteration 1694: Points 1592 (cluster 3692) and 1693 (cluster 1693) connect at weight=602.0
2025-04-09 19:04:16.892 | DEBUG    | __main__:<module>:20 - Iteration 1695: Points 1587 (cluster 3693) and 1694 (cluster 1694) connect at weight=602.0
2025-04-09 19:04:16.892 | DEBUG    | __main__:<module>:20 - Iteration 1696: Points 1657 (cluster 3694) and 1701 (cluster 1701) connect at weight=601.0
2025-04-09 19:04:16.892 | DEBUG    | __main__:<module>:20 - Iteration 1697: Points 1650 (cluster 3695) and 1699 (cluster 1699) connect at weight=601.0
2025-04-09 19:04:16.892 | DEBUG    | __main__:<module>:20 - Iteration 1698: Points 1577 (cluster 3691) and 1700 (cluster 1700) connect at weight=601.0
2025-04-09 19:04:16.893 | DEBUG    | __main__:<module>:20 - Iteration 1699: Points 1664 (cluster 3696) and 1703 (cluster 1703) connect at weight=600.0
2025-04-09 19:04:16.893 | DEBUG    | __main__:<module>:20 - Iteration 1700: Points 1647 (cluster 3699) and 1702 (cluster 1702) connect at weight=600.0
2025-04-09 19:04:16.893 | DEBUG    | __main__:<module>:20 - Iteration 1701: Points 1601 (cluster 3698) and 1704 (cluster 1704) connect at weight=600.0
2025-04-09 19:04:16.893 | DEBUG    | __main__:<module>:20 - Iteration 1702: Points 1587 (cluster 3697) and 1706 (cluster 1706) connect at weight=600.0
2025-04-09 19:04:16.893 | DEBUG    | __main__:<module>:20 - Iteration 1703: Points 1547 (cluster 3701) and 1705 (cluster 1705) connect at weight=600.0
2025-04-09 19:04:16.894 | DEBUG    | __main__:<module>:20 - Iteration 1704: Points 1677 (cluster 3700) and 1708 (cluster 1708) connect at weight=599.0
2025-04-09 19:04:16.894 | DEBUG    | __main__:<module>:20 - Iteration 1705: Points 1676 (cluster 3703) and 1709 (cluster 1709) connect at weight=599.0
2025-04-09 19:04:16.894 | DEBUG    | __main__:<module>:20 - Iteration 1706: Points 1512 (cluster 3702) and 1710 (cluster 1710) connect at weight=599.0
2025-04-09 19:04:16.894 | DEBUG    | __main__:<module>:20 - Iteration 1707: Points 1250 (cluster 3705) and 1707 (cluster 1707) connect at weight=599.0
2025-04-09 19:04:16.894 | DEBUG    | __main__:<module>:20 - Iteration 1708: Points 1684 (cluster 3704) and 1711 (cluster 1711) connect at weight=598.0
2025-04-09 19:04:16.894 | DEBUG    | __main__:<module>:20 - Iteration 1709: Points 1660 (cluster 3707) and 1714 (cluster 1714) connect at weight=598.0
2025-04-09 19:04:16.895 | DEBUG    | __main__:<module>:20 - Iteration 1710: Points 1649 (cluster 3709) and 1712 (cluster 1712) connect at weight=598.0
2025-04-09 19:04:16.895 | DEBUG    | __main__:<module>:20 - Iteration 1711: Points 1538 (cluster 3706) and 1713 (cluster 1713) connect at weight=598.0
2025-04-09 19:04:16.895 | DEBUG    | __main__:<module>:20 - Iteration 1712: Points 1592 (cluster 3708) and 1715 (cluster 1715) connect at weight=597.0
2025-04-09 19:04:16.895 | DEBUG    | __main__:<module>:20 - Iteration 1713: Points 1697 (cluster 3712) and 1717 (cluster 1717) connect at weight=596.0
2025-04-09 19:04:16.895 | DEBUG    | __main__:<module>:20 - Iteration 1714: Points 1680 (cluster 3711) and 1718 (cluster 1718) connect at weight=596.0
2025-04-09 19:04:16.896 | DEBUG    | __main__:<module>:20 - Iteration 1715: Points 1580 (cluster 3710) and 1716 (cluster 1716) connect at weight=596.0
2025-04-09 19:04:16.896 | DEBUG    | __main__:<module>:20 - Iteration 1716: Points 1637 (cluster 3714) and 1720 (cluster 1720) connect at weight=595.0
2025-04-09 19:04:16.896 | DEBUG    | __main__:<module>:20 - Iteration 1717: Points 1608 (cluster 3713) and 1721 (cluster 1721) connect at weight=595.0
2025-04-09 19:04:16.896 | DEBUG    | __main__:<module>:20 - Iteration 1718: Points 1479 (cluster 3716) and 1719 (cluster 1719) connect at weight=595.0
2025-04-09 19:04:16.896 | DEBUG    | __main__:<module>:20 - Iteration 1719: Points 1686 (cluster 3715) and 1723 (cluster 1723) connect at weight=594.0
2025-04-09 19:04:16.896 | DEBUG    | __main__:<module>:20 - Iteration 1720: Points 1674 (cluster 3719) and 1722 (cluster 1722) connect at weight=594.0
2025-04-09 19:04:16.897 | DEBUG    | __main__:<module>:20 - Iteration 1721: Points 1553 (cluster 3720) and 1724 (cluster 1724) connect at weight=594.0
2025-04-09 19:04:16.897 | DEBUG    | __main__:<module>:20 - Iteration 1722: Points 1698 (cluster 3721) and 1727 (cluster 1727) connect at weight=593.0
2025-04-09 19:04:16.897 | DEBUG    | __main__:<module>:20 - Iteration 1723: Points 1688 (cluster 3717) and 1726 (cluster 1726) connect at weight=593.0
2025-04-09 19:04:16.897 | DEBUG    | __main__:<module>:20 - Iteration 1724: Points 1644 (cluster 3718) and 1725 (cluster 1725) connect at weight=593.0
2025-04-09 19:04:16.897 | DEBUG    | __main__:<module>:20 - Iteration 1725: Points 1470 (cluster 3723) and 1728 (cluster 1728) connect at weight=593.0
2025-04-09 19:04:16.898 | DEBUG    | __main__:<module>:20 - Iteration 1726: Points 1718 (cluster 3724) and 1730 (cluster 1730) connect at weight=592.0
2025-04-09 19:04:16.898 | DEBUG    | __main__:<module>:20 - Iteration 1727: Points 1678 (cluster 3725) and 1729 (cluster 1729) connect at weight=592.0
2025-04-09 19:04:16.898 | DEBUG    | __main__:<module>:20 - Iteration 1728: Points 1630 (cluster 3727) and 1731 (cluster 1731) connect at weight=592.0
2025-04-09 19:04:16.898 | DEBUG    | __main__:<module>:20 - Iteration 1729: Points 1447 (cluster 3728) and 1732 (cluster 1732) connect at weight=592.0
2025-04-09 19:04:16.898 | DEBUG    | __main__:<module>:20 - Iteration 1730: Points 1727 (cluster 3722) and 1735 (cluster 1735) connect at weight=591.0
2025-04-09 19:04:16.899 | DEBUG    | __main__:<module>:20 - Iteration 1731: Points 1724 (cluster 3730) and 1740 (cluster 1740) connect at weight=591.0
2025-04-09 19:04:16.899 | DEBUG    | __main__:<module>:20 - Iteration 1732: Points 1710 (cluster 3726) and 1736 (cluster 1736) connect at weight=591.0
2025-04-09 19:04:16.899 | DEBUG    | __main__:<module>:20 - Iteration 1733: Points 1708 (cluster 3729) and 1737 (cluster 1737) connect at weight=591.0
2025-04-09 19:04:16.899 | DEBUG    | __main__:<module>:20 - Iteration 1734: Points 1701 (cluster 3733) and 1739 (cluster 1739) connect at weight=591.0
2025-04-09 19:04:16.899 | DEBUG    | __main__:<module>:20 - Iteration 1735: Points 1695 (cluster 3731) and 1733 (cluster 1733) connect at weight=591.0
2025-04-09 19:04:16.899 | DEBUG    | __main__:<module>:20 - Iteration 1736: Points 1687 (cluster 3734) and 1734 (cluster 1734) connect at weight=591.0
2025-04-09 19:04:16.900 | DEBUG    | __main__:<module>:20 - Iteration 1737: Points 1587 (cluster 3732) and 1741 (cluster 1741) connect at weight=590.0
2025-04-09 19:04:16.900 | DEBUG    | __main__:<module>:20 - Iteration 1738: Points 1724 (cluster 3735) and 1743 (cluster 1743) connect at weight=589.0
2025-04-09 19:04:16.900 | DEBUG    | __main__:<module>:20 - Iteration 1739: Points 1675 (cluster 3738) and 1744 (cluster 1744) connect at weight=589.0
2025-04-09 19:04:16.900 | DEBUG    | __main__:<module>:20 - Iteration 1740: Points 1660 (cluster 3739) and 1742 (cluster 1742) connect at weight=589.0
2025-04-09 19:04:16.900 | DEBUG    | __main__:<module>:20 - Iteration 1741: Points 1478 (cluster 3736) and 1738 (cluster 1738) connect at weight=589.0
2025-04-09 19:04:16.900 | DEBUG    | __main__:<module>:20 - Iteration 1742: Points 1710 (cluster 3737) and 1746 (cluster 1746) connect at weight=588.0
2025-04-09 19:04:16.901 | DEBUG    | __main__:<module>:20 - Iteration 1743: Points 1696 (cluster 3742) and 1748 (cluster 1748) connect at weight=588.0
2025-04-09 19:04:16.901 | DEBUG    | __main__:<module>:20 - Iteration 1744: Points 1590 (cluster 3740) and 1747 (cluster 1747) connect at weight=588.0
2025-04-09 19:04:16.901 | DEBUG    | __main__:<module>:20 - Iteration 1745: Points 1734 (cluster 3741) and 1753 (cluster 1753) connect at weight=587.0
2025-04-09 19:04:16.901 | DEBUG    | __main__:<module>:20 - Iteration 1746: Points 1715 (cluster 3745) and 1754 (cluster 1754) connect at weight=587.0
2025-04-09 19:04:16.901 | DEBUG    | __main__:<module>:20 - Iteration 1747: Points 1690 (cluster 3743) and 1750 (cluster 1750) connect at weight=587.0
2025-04-09 19:04:16.902 | DEBUG    | __main__:<module>:20 - Iteration 1748: Points 1673 (cluster 3746) and 1751 (cluster 1751) connect at weight=587.0
2025-04-09 19:04:16.902 | DEBUG    | __main__:<module>:20 - Iteration 1749: Points 1653 (cluster 3744) and 1752 (cluster 1752) connect at weight=587.0
2025-04-09 19:04:16.902 | DEBUG    | __main__:<module>:20 - Iteration 1750: Points 1642 (cluster 3748) and 1749 (cluster 1749) connect at weight=587.0
2025-04-09 19:04:16.902 | DEBUG    | __main__:<module>:20 - Iteration 1751: Points 1745 (cluster 1745) and 1516 (cluster 3750) connect at weight=586.0
2025-04-09 19:04:16.902 | DEBUG    | __main__:<module>:20 - Iteration 1752: Points 1729 (cluster 3751) and 1757 (cluster 1757) connect at weight=586.0
2025-04-09 19:04:16.903 | DEBUG    | __main__:<module>:20 - Iteration 1753: Points 1711 (cluster 3752) and 1759 (cluster 1759) connect at weight=586.0
2025-04-09 19:04:16.903 | DEBUG    | __main__:<module>:20 - Iteration 1754: Points 1709 (cluster 3749) and 1755 (cluster 1755) connect at weight=586.0
2025-04-09 19:04:16.903 | DEBUG    | __main__:<module>:20 - Iteration 1755: Points 1694 (cluster 3747) and 1756 (cluster 1756) connect at weight=586.0
2025-04-09 19:04:16.903 | DEBUG    | __main__:<module>:20 - Iteration 1756: Points 1682 (cluster 3755) and 1758 (cluster 1758) connect at weight=586.0
2025-04-09 19:04:16.903 | DEBUG    | __main__:<module>:20 - Iteration 1757: Points 1729 (cluster 3753) and 1763 (cluster 1763) connect at weight=585.0
2025-04-09 19:04:16.903 | DEBUG    | __main__:<module>:20 - Iteration 1758: Points 1716 (cluster 3754) and 1760 (cluster 1760) connect at weight=585.0
2025-04-09 19:04:16.908 | DEBUG    | __main__:<module>:20 - Iteration 1759: Points 1715 (cluster 3757) and 1762 (cluster 1762) connect at weight=585.0
2025-04-09 19:04:16.909 | DEBUG    | __main__:<module>:20 - Iteration 1760: Points 1683 (cluster 3759) and 1761 (cluster 1761) connect at weight=585.0
2025-04-09 19:04:16.909 | DEBUG    | __main__:<module>:20 - Iteration 1761: Points 1534 (cluster 3756) and 1764 (cluster 1764) connect at weight=585.0
2025-04-09 19:04:16.909 | DEBUG    | __main__:<module>:20 - Iteration 1762: Points 1731 (cluster 3760) and 1765 (cluster 1765) connect at weight=584.0
2025-04-09 19:04:16.909 | DEBUG    | __main__:<module>:20 - Iteration 1763: Points 1696 (cluster 3761) and 1767 (cluster 1767) connect at weight=584.0
2025-04-09 19:04:16.909 | DEBUG    | __main__:<module>:20 - Iteration 1764: Points 1682 (cluster 3763) and 1766 (cluster 1766) connect at weight=584.0
2025-04-09 19:04:16.910 | DEBUG    | __main__:<module>:20 - Iteration 1765: Points 1675 (cluster 3758) and 1768 (cluster 1768) connect at weight=584.0
2025-04-09 19:04:16.910 | DEBUG    | __main__:<module>:20 - Iteration 1766: Points 1717 (cluster 3762) and 1769 (cluster 1769) connect at weight=583.0
2025-04-09 19:04:16.910 | DEBUG    | __main__:<module>:20 - Iteration 1767: Points 1717 (cluster 3766) and 1771 (cluster 1771) connect at weight=582.0
2025-04-09 19:04:16.910 | DEBUG    | __main__:<module>:20 - Iteration 1768: Points 1693 (cluster 3767) and 1772 (cluster 1772) connect at weight=582.0
2025-04-09 19:04:16.910 | DEBUG    | __main__:<module>:20 - Iteration 1769: Points 1671 (cluster 3768) and 1770 (cluster 1770) connect at weight=582.0
2025-04-09 19:04:16.911 | DEBUG    | __main__:<module>:20 - Iteration 1770: Points 1658 (cluster 3765) and 1773 (cluster 1773) connect at weight=582.0
2025-04-09 19:04:16.911 | DEBUG    | __main__:<module>:20 - Iteration 1771: Points 1753 (cluster 3769) and 1774 (cluster 1774) connect at weight=581.0
2025-04-09 19:04:16.911 | DEBUG    | __main__:<module>:20 - Iteration 1772: Points 1751 (cluster 3771) and 1776 (cluster 1776) connect at weight=581.0
2025-04-09 19:04:16.911 | DEBUG    | __main__:<module>:20 - Iteration 1773: Points 1705 (cluster 3770) and 1775 (cluster 1775) connect at weight=581.0
2025-04-09 19:04:16.911 | DEBUG    | __main__:<module>:20 - Iteration 1774: Points 1755 (cluster 3773) and 1777 (cluster 1777) connect at weight=580.0
2025-04-09 19:04:16.911 | DEBUG    | __main__:<module>:20 - Iteration 1775: Points 1692 (cluster 3774) and 1778 (cluster 1778) connect at weight=579.0
2025-04-09 19:04:16.912 | DEBUG    | __main__:<module>:20 - Iteration 1776: Points 1750 (cluster 3764) and 1783 (cluster 1783) connect at weight=578.0
2025-04-09 19:04:16.912 | DEBUG    | __main__:<module>:20 - Iteration 1777: Points 1728 (cluster 3772) and 1785 (cluster 1785) connect at weight=578.0
2025-04-09 19:04:16.912 | DEBUG    | __main__:<module>:20 - Iteration 1778: Points 1725 (cluster 3776) and 1781 (cluster 1781) connect at weight=578.0
2025-04-09 19:04:16.912 | DEBUG    | __main__:<module>:20 - Iteration 1779: Points 1724 (cluster 3775) and 1779 (cluster 1779) connect at weight=578.0
2025-04-09 19:04:16.912 | DEBUG    | __main__:<module>:20 - Iteration 1780: Points 1723 (cluster 3779) and 1784 (cluster 1784) connect at weight=578.0
2025-04-09 19:04:16.913 | DEBUG    | __main__:<module>:20 - Iteration 1781: Points 1654 (cluster 3780) and 1780 (cluster 1780) connect at weight=578.0
2025-04-09 19:04:16.913 | DEBUG    | __main__:<module>:20 - Iteration 1782: Points 1788 (cluster 1788) and 1787 (cluster 1787) connect at weight=577.0
2025-04-09 19:04:16.913 | DEBUG    | __main__:<module>:20 - Iteration 1783: Points 1777 (cluster 3781) and 1788 (cluster 3782) connect at weight=577.0
2025-04-09 19:04:16.913 | DEBUG    | __main__:<module>:20 - Iteration 1784: Points 1746 (cluster 3778) and 1790 (cluster 1790) connect at weight=576.0
2025-04-09 19:04:16.913 | DEBUG    | __main__:<module>:20 - Iteration 1785: Points 1745 (cluster 3777) and 1789 (cluster 1789) connect at weight=576.0
2025-04-09 19:04:16.913 | DEBUG    | __main__:<module>:20 - Iteration 1786: Points 1781 (cluster 3784) and 1792 (cluster 1792) connect at weight=575.0
2025-04-09 19:04:16.914 | DEBUG    | __main__:<module>:20 - Iteration 1787: Points 1759 (cluster 3785) and 1793 (cluster 1793) connect at weight=575.0
2025-04-09 19:04:16.914 | DEBUG    | __main__:<module>:20 - Iteration 1788: Points 1752 (cluster 3783) and 1791 (cluster 1791) connect at weight=575.0
2025-04-09 19:04:16.914 | DEBUG    | __main__:<module>:20 - Iteration 1789: Points 1749 (cluster 3787) and 1796 (cluster 1796) connect at weight=574.0
2025-04-09 19:04:16.914 | DEBUG    | __main__:<module>:20 - Iteration 1790: Points 1733 (cluster 3788) and 1795 (cluster 1795) connect at weight=574.0
2025-04-09 19:04:16.914 | DEBUG    | __main__:<module>:20 - Iteration 1791: Points 1630 (cluster 3789) and 1794 (cluster 1794) connect at weight=574.0
2025-04-09 19:04:16.915 | DEBUG    | __main__:<module>:20 - Iteration 1792: Points 1546 (cluster 3786) and 1782 (cluster 1782) connect at weight=574.0
2025-04-09 19:04:16.915 | DEBUG    | __main__:<module>:20 - Iteration 1793: Points 1372 (cluster 3792) and 1786 (cluster 1786) connect at weight=574.0
2025-04-09 19:04:16.915 | DEBUG    | __main__:<module>:20 - Iteration 1794: Points 1737 (cluster 3791) and 1799 (cluster 1799) connect at weight=573.0
2025-04-09 19:04:16.915 | DEBUG    | __main__:<module>:20 - Iteration 1795: Points 1737 (cluster 3794) and 1797 (cluster 1797) connect at weight=573.0
2025-04-09 19:04:16.915 | DEBUG    | __main__:<module>:20 - Iteration 1796: Points 1717 (cluster 3795) and 1798 (cluster 1798) connect at weight=573.0
2025-04-09 19:04:16.916 | DEBUG    | __main__:<module>:20 - Iteration 1797: Points 1792 (cluster 3793) and 1801 (cluster 1801) connect at weight=572.0
2025-04-09 19:04:16.916 | DEBUG    | __main__:<module>:20 - Iteration 1798: Points 1771 (cluster 3796) and 1800 (cluster 1800) connect at weight=572.0
2025-04-09 19:04:16.916 | DEBUG    | __main__:<module>:20 - Iteration 1799: Points 1741 (cluster 3797) and 1803 (cluster 1803) connect at weight=572.0
2025-04-09 19:04:16.916 | DEBUG    | __main__:<module>:20 - Iteration 1800: Points 1703 (cluster 3798) and 1802 (cluster 1802) connect at weight=572.0
2025-04-09 19:04:16.916 | DEBUG    | __main__:<module>:20 - Iteration 1801: Points 1748 (cluster 3799) and 1806 (cluster 1806) connect at weight=571.0
2025-04-09 19:04:16.919 | DEBUG    | __main__:<module>:20 - Iteration 1802: Points 1739 (cluster 3800) and 1805 (cluster 1805) connect at weight=571.0
2025-04-09 19:04:16.919 | DEBUG    | __main__:<module>:20 - Iteration 1803: Points 1739 (cluster 3802) and 1804 (cluster 1804) connect at weight=571.0
2025-04-09 19:04:16.919 | DEBUG    | __main__:<module>:20 - Iteration 1804: Points 1809 (cluster 1809) and 1807 (cluster 1807) connect at weight=570.0
2025-04-09 19:04:16.919 | DEBUG    | __main__:<module>:20 - Iteration 1805: Points 1788 (cluster 3790) and 1809 (cluster 3804) connect at weight=570.0
2025-04-09 19:04:16.919 | DEBUG    | __main__:<module>:20 - Iteration 1806: Points 1769 (cluster 3803) and 1808 (cluster 1808) connect at weight=570.0
2025-04-09 19:04:16.920 | DEBUG    | __main__:<module>:20 - Iteration 1807: Points 1778 (cluster 3805) and 1811 (cluster 1811) connect at weight=569.0
2025-04-09 19:04:16.920 | DEBUG    | __main__:<module>:20 - Iteration 1808: Points 1713 (cluster 3801) and 1810 (cluster 1810) connect at weight=569.0
2025-04-09 19:04:16.920 | DEBUG    | __main__:<module>:20 - Iteration 1809: Points 1705 (cluster 3807) and 1812 (cluster 1812) connect at weight=569.0
2025-04-09 19:04:16.920 | DEBUG    | __main__:<module>:20 - Iteration 1810: Points 1799 (cluster 3806) and 1814 (cluster 1814) connect at weight=568.0
2025-04-09 19:04:16.920 | DEBUG    | __main__:<module>:20 - Iteration 1811: Points 1774 (cluster 3810) and 1815 (cluster 1815) connect at weight=568.0
2025-04-09 19:04:16.920 | DEBUG    | __main__:<module>:20 - Iteration 1812: Points 1534 (cluster 3808) and 1813 (cluster 1813) connect at weight=568.0
2025-04-09 19:04:16.921 | DEBUG    | __main__:<module>:20 - Iteration 1813: Points 1779 (cluster 3809) and 1816 (cluster 1816) connect at weight=567.0
2025-04-09 19:04:16.921 | DEBUG    | __main__:<module>:20 - Iteration 1814: Points 1776 (cluster 3811) and 1817 (cluster 1817) connect at weight=566.0
2025-04-09 19:04:16.921 | DEBUG    | __main__:<module>:20 - Iteration 1815: Points 1765 (cluster 3814) and 1818 (cluster 1818) connect at weight=566.0
2025-04-09 19:04:16.921 | DEBUG    | __main__:<module>:20 - Iteration 1816: Points 1776 (cluster 3815) and 1819 (cluster 1819) connect at weight=565.0
2025-04-09 19:04:16.921 | DEBUG    | __main__:<module>:20 - Iteration 1817: Points 1774 (cluster 3816) and 1820 (cluster 1820) connect at weight=565.0
2025-04-09 19:04:16.922 | DEBUG    | __main__:<module>:20 - Iteration 1818: Points 1524 (cluster 3812) and 1822 (cluster 1822) connect at weight=565.0
2025-04-09 19:04:16.922 | DEBUG    | __main__:<module>:20 - Iteration 1819: Points 1817 (cluster 3817) and 1823 (cluster 1823) connect at weight=564.0
2025-04-09 19:04:16.922 | DEBUG    | __main__:<module>:20 - Iteration 1820: Points 1821 (cluster 1821) and 1745 (cluster 3819) connect at weight=563.0
2025-04-09 19:04:16.922 | DEBUG    | __main__:<module>:20 - Iteration 1821: Points 1760 (cluster 3813) and 1824 (cluster 1824) connect at weight=563.0
2025-04-09 19:04:16.922 | DEBUG    | __main__:<module>:20 - Iteration 1822: Points 1803 (cluster 3818) and 1826 (cluster 1826) connect at weight=562.0
2025-04-09 19:04:16.923 | DEBUG    | __main__:<module>:20 - Iteration 1823: Points 1779 (cluster 3821) and 1827 (cluster 1827) connect at weight=562.0
2025-04-09 19:04:16.923 | DEBUG    | __main__:<module>:20 - Iteration 1824: Points 1767 (cluster 3822) and 1825 (cluster 1825) connect at weight=562.0
2025-04-09 19:04:16.923 | DEBUG    | __main__:<module>:20 - Iteration 1825: Points 1799 (cluster 3820) and 1829 (cluster 1829) connect at weight=561.0
2025-04-09 19:04:16.923 | DEBUG    | __main__:<module>:20 - Iteration 1826: Points 1792 (cluster 3824) and 1828 (cluster 1828) connect at weight=561.0
2025-04-09 19:04:16.923 | DEBUG    | __main__:<module>:20 - Iteration 1827: Points 1825 (cluster 3826) and 1830 (cluster 1830) connect at weight=560.0
2025-04-09 19:04:16.923 | DEBUG    | __main__:<module>:20 - Iteration 1828: Points 1822 (cluster 3827) and 1832 (cluster 1832) connect at weight=560.0
2025-04-09 19:04:16.924 | DEBUG    | __main__:<module>:20 - Iteration 1829: Points 1808 (cluster 3825) and 1831 (cluster 1831) connect at weight=560.0
2025-04-09 19:04:16.924 | DEBUG    | __main__:<module>:20 - Iteration 1830: Points 1752 (cluster 3823) and 1833 (cluster 1833) connect at weight=560.0
2025-04-09 19:04:16.924 | DEBUG    | __main__:<module>:20 - Iteration 1831: Points 1825 (cluster 3828) and 1834 (cluster 1834) connect at weight=558.0
2025-04-09 19:04:16.924 | DEBUG    | __main__:<module>:20 - Iteration 1832: Points 1808 (cluster 3829) and 1835 (cluster 1835) connect at weight=558.0
2025-04-09 19:04:16.924 | DEBUG    | __main__:<module>:20 - Iteration 1833: Points 1802 (cluster 3832) and 1836 (cluster 1836) connect at weight=557.0
2025-04-09 19:04:16.924 | DEBUG    | __main__:<module>:20 - Iteration 1834: Points 1722 (cluster 3830) and 1838 (cluster 1838) connect at weight=557.0
2025-04-09 19:04:16.925 | DEBUG    | __main__:<module>:20 - Iteration 1835: Points 1702 (cluster 3833) and 1837 (cluster 1837) connect at weight=557.0
2025-04-09 19:04:16.925 | DEBUG    | __main__:<module>:20 - Iteration 1836: Points 1810 (cluster 3831) and 1840 (cluster 1840) connect at weight=556.0
2025-04-09 19:04:16.925 | DEBUG    | __main__:<module>:20 - Iteration 1837: Points 1790 (cluster 3836) and 1842 (cluster 1842) connect at weight=556.0
2025-04-09 19:04:16.925 | DEBUG    | __main__:<module>:20 - Iteration 1838: Points 1747 (cluster 3834) and 1841 (cluster 1841) connect at weight=556.0
2025-04-09 19:04:16.925 | DEBUG    | __main__:<module>:20 - Iteration 1839: Points 1735 (cluster 3838) and 1839 (cluster 1839) connect at weight=556.0
2025-04-09 19:04:16.926 | DEBUG    | __main__:<module>:20 - Iteration 1840: Points 1815 (cluster 3835) and 1844 (cluster 1844) connect at weight=555.0
2025-04-09 19:04:16.926 | DEBUG    | __main__:<module>:20 - Iteration 1841: Points 1790 (cluster 3837) and 1843 (cluster 1843) connect at weight=555.0
2025-04-09 19:04:16.926 | DEBUG    | __main__:<module>:20 - Iteration 1842: Points 1732 (cluster 3840) and 1845 (cluster 1845) connect at weight=555.0
2025-04-09 19:04:16.926 | DEBUG    | __main__:<module>:20 - Iteration 1843: Points 1835 (cluster 3842) and 1847 (cluster 1847) connect at weight=553.0
2025-04-09 19:04:16.926 | DEBUG    | __main__:<module>:20 - Iteration 1844: Points 1834 (cluster 3841) and 1846 (cluster 1846) connect at weight=553.0
2025-04-09 19:04:16.926 | DEBUG    | __main__:<module>:20 - Iteration 1845: Points 1840 (cluster 3844) and 1848 (cluster 1848) connect at weight=552.0
2025-04-09 19:04:16.927 | DEBUG    | __main__:<module>:20 - Iteration 1846: Points 1839 (cluster 3839) and 1850 (cluster 1850) connect at weight=552.0
2025-04-09 19:04:16.927 | DEBUG    | __main__:<module>:20 - Iteration 1847: Points 1772 (cluster 3843) and 1849 (cluster 1849) connect at weight=552.0
2025-04-09 19:04:16.927 | DEBUG    | __main__:<module>:20 - Iteration 1848: Points 1813 (cluster 3845) and 1853 (cluster 1853) connect at weight=551.0
2025-04-09 19:04:16.927 | DEBUG    | __main__:<module>:20 - Iteration 1849: Points 1806 (cluster 3848) and 1852 (cluster 1852) connect at weight=551.0
2025-04-09 19:04:16.927 | DEBUG    | __main__:<module>:20 - Iteration 1850: Points 1759 (cluster 3847) and 1851 (cluster 1851) connect at weight=551.0
2025-04-09 19:04:16.927 | DEBUG    | __main__:<module>:20 - Iteration 1851: Points 1827 (cluster 3846) and 1854 (cluster 1854) connect at weight=550.0
2025-04-09 19:04:16.928 | DEBUG    | __main__:<module>:20 - Iteration 1852: Points 1811 (cluster 3851) and 1856 (cluster 1856) connect at weight=550.0
2025-04-09 19:04:16.928 | DEBUG    | __main__:<module>:20 - Iteration 1853: Points 1806 (cluster 3849) and 1858 (cluster 1858) connect at weight=550.0
2025-04-09 19:04:16.928 | DEBUG    | __main__:<module>:20 - Iteration 1854: Points 1795 (cluster 3852) and 1855 (cluster 1855) connect at weight=550.0
2025-04-09 19:04:16.928 | DEBUG    | __main__:<module>:20 - Iteration 1855: Points 1794 (cluster 3850) and 1857 (cluster 1857) connect at weight=550.0
2025-04-09 19:04:16.928 | DEBUG    | __main__:<module>:20 - Iteration 1856: Points 1763 (cluster 3855) and 1859 (cluster 1859) connect at weight=550.0
2025-04-09 19:04:16.929 | DEBUG    | __main__:<module>:20 - Iteration 1857: Points 1847 (cluster 3856) and 1860 (cluster 1860) connect at weight=549.0
2025-04-09 19:04:16.929 | DEBUG    | __main__:<module>:20 - Iteration 1858: Points 1830 (cluster 3853) and 1864 (cluster 1864) connect at weight=548.0
2025-04-09 19:04:16.929 | DEBUG    | __main__:<module>:20 - Iteration 1859: Points 1829 (cluster 3857) and 1863 (cluster 1863) connect at weight=548.0
2025-04-09 19:04:16.929 | DEBUG    | __main__:<module>:20 - Iteration 1860: Points 1824 (cluster 3854) and 1862 (cluster 1862) connect at weight=548.0
2025-04-09 19:04:16.929 | DEBUG    | __main__:<module>:20 - Iteration 1861: Points 1763 (cluster 3859) and 1861 (cluster 1861) connect at weight=548.0
2025-04-09 19:04:16.929 | DEBUG    | __main__:<module>:20 - Iteration 1862: Points 1773 (cluster 3860) and 1865 (cluster 1865) connect at weight=547.0
2025-04-09 19:04:16.930 | DEBUG    | __main__:<module>:20 - Iteration 1863: Points 1852 (cluster 3858) and 1866 (cluster 1866) connect at weight=545.0
2025-04-09 19:04:16.930 | DEBUG    | __main__:<module>:20 - Iteration 1864: Points 1810 (cluster 3863) and 1867 (cluster 1867) connect at weight=545.0
2025-04-09 19:04:16.930 | DEBUG    | __main__:<module>:20 - Iteration 1865: Points 1775 (cluster 3862) and 1869 (cluster 1869) connect at weight=542.0
2025-04-09 19:04:16.930 | DEBUG    | __main__:<module>:20 - Iteration 1866: Points 1386 (cluster 3865) and 1868 (cluster 1868) connect at weight=542.0
2025-04-09 19:04:16.930 | DEBUG    | __main__:<module>:20 - Iteration 1867: Points 1860 (cluster 3861) and 1870 (cluster 1870) connect at weight=541.0
2025-04-09 19:04:16.931 | DEBUG    | __main__:<module>:20 - Iteration 1868: Points 1823 (cluster 3867) and 1871 (cluster 1871) connect at weight=540.0
2025-04-09 19:04:16.931 | DEBUG    | __main__:<module>:20 - Iteration 1869: Points 1831 (cluster 3868) and 1872 (cluster 1872) connect at weight=538.0
2025-04-09 19:04:16.931 | DEBUG    | __main__:<module>:20 - Iteration 1870: Points 1846 (cluster 3864) and 1874 (cluster 1874) connect at weight=537.0
2025-04-09 19:04:16.931 | DEBUG    | __main__:<module>:20 - Iteration 1871: Points 1784 (cluster 3866) and 1873 (cluster 1873) connect at weight=537.0
2025-04-09 19:04:16.931 | DEBUG    | __main__:<module>:20 - Iteration 1872: Points 1861 (cluster 3869) and 1877 (cluster 1877) connect at weight=536.0
2025-04-09 19:04:16.931 | DEBUG    | __main__:<module>:20 - Iteration 1873: Points 1853 (cluster 3870) and 1878 (cluster 1878) connect at weight=536.0
2025-04-09 19:04:16.932 | DEBUG    | __main__:<module>:20 - Iteration 1874: Points 1805 (cluster 3872) and 1875 (cluster 1875) connect at weight=536.0
2025-04-09 19:04:16.932 | DEBUG    | __main__:<module>:20 - Iteration 1875: Points 1732 (cluster 3874) and 1876 (cluster 1876) connect at weight=536.0
2025-04-09 19:04:16.932 | DEBUG    | __main__:<module>:20 - Iteration 1876: Points 1791 (cluster 3871) and 1879 (cluster 1879) connect at weight=534.0
2025-04-09 19:04:16.932 | DEBUG    | __main__:<module>:20 - Iteration 1877: Points 1831 (cluster 3875) and 1880 (cluster 1880) connect at weight=533.0
2025-04-09 19:04:16.932 | DEBUG    | __main__:<module>:20 - Iteration 1878: Points 1873 (cluster 3876) and 1881 (cluster 1881) connect at weight=531.0
2025-04-09 19:04:16.933 | DEBUG    | __main__:<module>:20 - Iteration 1879: Points 1861 (cluster 3877) and 1883 (cluster 1883) connect at weight=531.0
2025-04-09 19:04:16.933 | DEBUG    | __main__:<module>:20 - Iteration 1880: Points 1846 (cluster 3873) and 1882 (cluster 1882) connect at weight=531.0
2025-04-09 19:04:16.933 | DEBUG    | __main__:<module>:20 - Iteration 1881: Points 1665 (cluster 3880) and 1884 (cluster 1884) connect at weight=530.0
2025-04-09 19:04:16.933 | DEBUG    | __main__:<module>:20 - Iteration 1882: Points 1788 (cluster 3878) and 1885 (cluster 1885) connect at weight=529.0
2025-04-09 19:04:16.933 | DEBUG    | __main__:<module>:20 - Iteration 1883: Points 1871 (cluster 3879) and 1889 (cluster 1889) connect at weight=528.0
2025-04-09 19:04:16.933 | DEBUG    | __main__:<module>:20 - Iteration 1884: Points 1854 (cluster 3882) and 1887 (cluster 1887) connect at weight=528.0
2025-04-09 19:04:16.934 | DEBUG    | __main__:<module>:20 - Iteration 1885: Points 1828 (cluster 3881) and 1886 (cluster 1886) connect at weight=528.0
2025-04-09 19:04:16.934 | DEBUG    | __main__:<module>:20 - Iteration 1886: Points 1712 (cluster 3884) and 1888 (cluster 1888) connect at weight=528.0
2025-04-09 19:04:16.934 | DEBUG    | __main__:<module>:20 - Iteration 1887: Points 1761 (cluster 3883) and 1890 (cluster 1890) connect at weight=527.0
2025-04-09 19:04:16.934 | DEBUG    | __main__:<module>:20 - Iteration 1888: Points 1805 (cluster 3887) and 1891 (cluster 1891) connect at weight=525.0
2025-04-09 19:04:16.934 | DEBUG    | __main__:<module>:20 - Iteration 1889: Points 1883 (cluster 3888) and 1893 (cluster 1893) connect at weight=523.0
2025-04-09 19:04:16.935 | DEBUG    | __main__:<module>:20 - Iteration 1890: Points 1874 (cluster 3885) and 1892 (cluster 1892) connect at weight=523.0
2025-04-09 19:04:16.935 | DEBUG    | __main__:<module>:20 - Iteration 1891: Points 1874 (cluster 3890) and 1894 (cluster 1894) connect at weight=522.0
2025-04-09 19:04:16.935 | DEBUG    | __main__:<module>:20 - Iteration 1892: Points 1881 (cluster 3886) and 1895 (cluster 1895) connect at weight=521.0
2025-04-09 19:04:16.935 | DEBUG    | __main__:<module>:20 - Iteration 1893: Points 1816 (cluster 3892) and 1896 (cluster 1896) connect at weight=518.0
2025-04-09 19:04:16.935 | DEBUG    | __main__:<module>:20 - Iteration 1894: Points 1867 (cluster 3891) and 1897 (cluster 1897) connect at weight=517.0
2025-04-09 19:04:16.935 | DEBUG    | __main__:<module>:20 - Iteration 1895: Points 1895 (cluster 3893) and 1898 (cluster 1898) connect at weight=514.0
2025-04-09 19:04:16.936 | DEBUG    | __main__:<module>:20 - Iteration 1896: Points 1719 (cluster 3894) and 1899 (cluster 1899) connect at weight=514.0
2025-04-09 19:04:16.936 | DEBUG    | __main__:<module>:20 - Iteration 1897: Points 1895 (cluster 3895) and 1900 (cluster 1900) connect at weight=513.0
2025-04-09 19:04:16.936 | DEBUG    | __main__:<module>:20 - Iteration 1898: Points 1886 (cluster 3896) and 1901 (cluster 1901) connect at weight=512.0
2025-04-09 19:04:16.936 | DEBUG    | __main__:<module>:20 - Iteration 1899: Points 1809 (cluster 3897) and 1902 (cluster 1902) connect at weight=511.0
2025-04-09 19:04:16.936 | DEBUG    | __main__:<module>:20 - Iteration 1900: Points 1893 (cluster 3889) and 1904 (cluster 1904) connect at weight=510.0
2025-04-09 19:04:16.937 | DEBUG    | __main__:<module>:20 - Iteration 1901: Points 1891 (cluster 3900) and 1906 (cluster 1906) connect at weight=510.0
2025-04-09 19:04:16.937 | DEBUG    | __main__:<module>:20 - Iteration 1902: Points 1850 (cluster 3899) and 1905 (cluster 1905) connect at weight=510.0
2025-04-09 19:04:16.937 | DEBUG    | __main__:<module>:20 - Iteration 1903: Points 1904 (cluster 3901) and 1907 (cluster 1907) connect at weight=509.0
2025-04-09 19:04:16.937 | DEBUG    | __main__:<module>:20 - Iteration 1904: Points 1886 (cluster 3898) and 1909 (cluster 1909) connect at weight=509.0
2025-04-09 19:04:16.937 | DEBUG    | __main__:<module>:20 - Iteration 1905: Points 1826 (cluster 3904) and 1910 (cluster 1910) connect at weight=509.0
2025-04-09 19:04:16.937 | DEBUG    | __main__:<module>:20 - Iteration 1906: Points 1814 (cluster 3903) and 1908 (cluster 1908) connect at weight=509.0
2025-04-09 19:04:16.943 | DEBUG    | __main__:<module>:20 - Iteration 1907: Points 1844 (cluster 3906) and 1911 (cluster 1911) connect at weight=508.0
2025-04-09 19:04:16.944 | DEBUG    | __main__:<module>:20 - Iteration 1908: Points 1855 (cluster 3902) and 1912 (cluster 1912) connect at weight=507.0
2025-04-09 19:04:16.944 | DEBUG    | __main__:<module>:20 - Iteration 1909: Points 1909 (cluster 3905) and 1913 (cluster 1913) connect at weight=505.0
2025-04-09 19:04:16.944 | DEBUG    | __main__:<module>:20 - Iteration 1910: Points 1886 (cluster 3909) and 1914 (cluster 1914) connect at weight=505.0
2025-04-09 19:04:16.944 | DEBUG    | __main__:<module>:20 - Iteration 1911: Points 1782 (cluster 3910) and 1903 (cluster 1903) connect at weight=505.0
2025-04-09 19:04:16.944 | DEBUG    | __main__:<module>:20 - Iteration 1912: Points 1893 (cluster 3907) and 1917 (cluster 1917) connect at weight=503.0
2025-04-09 19:04:16.945 | DEBUG    | __main__:<module>:20 - Iteration 1913: Points 1880 (cluster 3912) and 1916 (cluster 1916) connect at weight=503.0
2025-04-09 19:04:16.945 | DEBUG    | __main__:<module>:20 - Iteration 1914: Points 1850 (cluster 3908) and 1915 (cluster 1915) connect at weight=503.0
2025-04-09 19:04:16.945 | DEBUG    | __main__:<module>:20 - Iteration 1915: Points 1889 (cluster 3913) and 1918 (cluster 1918) connect at weight=502.0
2025-04-09 19:04:16.945 | DEBUG    | __main__:<module>:20 - Iteration 1916: Points 1863 (cluster 3915) and 1919 (cluster 1919) connect at weight=502.0
2025-04-09 19:04:16.945 | DEBUG    | __main__:<module>:20 - Iteration 1917: Points 1801 (cluster 3911) and 1920 (cluster 1920) connect at weight=502.0
2025-04-09 19:04:16.945 | DEBUG    | __main__:<module>:20 - Iteration 1918: Points 1828 (cluster 3917) and 1921 (cluster 1921) connect at weight=501.0
2025-04-09 19:04:16.946 | DEBUG    | __main__:<module>:20 - Iteration 1919: Points 1880 (cluster 3916) and 1923 (cluster 1923) connect at weight=500.0
2025-04-09 19:04:16.946 | DEBUG    | __main__:<module>:20 - Iteration 1920: Points 1541 (cluster 3918) and 1922 (cluster 1922) connect at weight=500.0
2025-04-09 19:04:16.946 | DEBUG    | __main__:<module>:20 - Iteration 1921: Points 1889 (cluster 3919) and 1924 (cluster 1924) connect at weight=498.0
2025-04-09 19:04:16.946 | DEBUG    | __main__:<module>:20 - Iteration 1922: Points 1896 (cluster 3914) and 1925 (cluster 1925) connect at weight=497.0
2025-04-09 19:04:16.946 | DEBUG    | __main__:<module>:20 - Iteration 1923: Points 1796 (cluster 3921) and 1926 (cluster 1926) connect at weight=496.0
2025-04-09 19:04:16.947 | DEBUG    | __main__:<module>:20 - Iteration 1924: Points 1836 (cluster 3923) and 1927 (cluster 1927) connect at weight=495.0
2025-04-09 19:04:16.947 | DEBUG    | __main__:<module>:20 - Iteration 1925: Points 1875 (cluster 3924) and 1928 (cluster 1928) connect at weight=490.0
2025-04-09 19:04:16.947 | DEBUG    | __main__:<module>:20 - Iteration 1926: Points 1719 (cluster 3920) and 1929 (cluster 1929) connect at weight=489.0
2025-04-09 19:04:16.947 | DEBUG    | __main__:<module>:20 - Iteration 1927: Points 1915 (cluster 3922) and 1930 (cluster 1930) connect at weight=487.0
2025-04-09 19:04:16.947 | DEBUG    | __main__:<module>:20 - Iteration 1928: Points 1875 (cluster 3925) and 1932 (cluster 1932) connect at weight=486.0
2025-04-09 19:04:16.947 | DEBUG    | __main__:<module>:20 - Iteration 1929: Points 1875 (cluster 3928) and 1931 (cluster 1931) connect at weight=486.0
2025-04-09 19:04:16.948 | DEBUG    | __main__:<module>:20 - Iteration 1930: Points 1894 (cluster 3926) and 1933 (cluster 1933) connect at weight=485.0
2025-04-09 19:04:16.948 | DEBUG    | __main__:<module>:20 - Iteration 1931: Points 1923 (cluster 3929) and 1934 (cluster 1934) connect at weight=484.0
2025-04-09 19:04:16.948 | DEBUG    | __main__:<module>:20 - Iteration 1932: Points 1919 (cluster 3931) and 1935 (cluster 1935) connect at weight=484.0
2025-04-09 19:04:16.948 | DEBUG    | __main__:<module>:20 - Iteration 1933: Points 1851 (cluster 3932) and 1936 (cluster 1936) connect at weight=483.0
2025-04-09 19:04:16.948 | DEBUG    | __main__:<module>:20 - Iteration 1934: Points 1932 (cluster 3933) and 1937 (cluster 1937) connect at weight=479.0
2025-04-09 19:04:16.949 | DEBUG    | __main__:<module>:20 - Iteration 1935: Points 1885 (cluster 3927) and 1938 (cluster 1938) connect at weight=478.0
2025-04-09 19:04:16.949 | DEBUG    | __main__:<module>:20 - Iteration 1936: Points 1879 (cluster 3935) and 1939 (cluster 1939) connect at weight=477.0
2025-04-09 19:04:16.949 | DEBUG    | __main__:<module>:20 - Iteration 1937: Points 1871 (cluster 3934) and 1940 (cluster 1940) connect at weight=476.0
2025-04-09 19:04:16.949 | DEBUG    | __main__:<module>:20 - Iteration 1938: Points 1940 (cluster 3937) and 1942 (cluster 1942) connect at weight=475.0
2025-04-09 19:04:16.949 | DEBUG    | __main__:<module>:20 - Iteration 1939: Points 1925 (cluster 3936) and 1941 (cluster 1941) connect at weight=475.0
2025-04-09 19:04:16.950 | DEBUG    | __main__:<module>:20 - Iteration 1940: Points 1908 (cluster 3938) and 1944 (cluster 1944) connect at weight=473.0
2025-04-09 19:04:16.950 | DEBUG    | __main__:<module>:20 - Iteration 1941: Points 1855 (cluster 3939) and 1943 (cluster 1943) connect at weight=473.0
2025-04-09 19:04:16.950 | DEBUG    | __main__:<module>:20 - Iteration 1942: Points 1882 (cluster 3930) and 1946 (cluster 1946) connect at weight=470.0
2025-04-09 19:04:16.950 | DEBUG    | __main__:<module>:20 - Iteration 1943: Points 1879 (cluster 3941) and 1945 (cluster 1945) connect at weight=470.0
2025-04-09 19:04:16.950 | DEBUG    | __main__:<module>:20 - Iteration 1944: Points 1917 (cluster 3940) and 1947 (cluster 1947) connect at weight=467.0
2025-04-09 19:04:16.950 | DEBUG    | __main__:<module>:20 - Iteration 1945: Points 1892 (cluster 3942) and 1948 (cluster 1948) connect at weight=463.0
2025-04-09 19:04:16.951 | DEBUG    | __main__:<module>:20 - Iteration 1946: Points 1934 (cluster 3944) and 1949 (cluster 1949) connect at weight=461.0
2025-04-09 19:04:16.951 | DEBUG    | __main__:<module>:20 - Iteration 1947: Points 1923 (cluster 3946) and 1950 (cluster 1950) connect at weight=457.0
2025-04-09 19:04:16.951 | DEBUG    | __main__:<module>:20 - Iteration 1948: Points 1917 (cluster 3947) and 1951 (cluster 1951) connect at weight=455.0
2025-04-09 19:04:16.951 | DEBUG    | __main__:<module>:20 - Iteration 1949: Points 1917 (cluster 3948) and 1953 (cluster 1953) connect at weight=449.0
2025-04-09 19:04:16.951 | DEBUG    | __main__:<module>:20 - Iteration 1950: Points 1853 (cluster 3945) and 1952 (cluster 1952) connect at weight=448.0
2025-04-09 19:04:16.952 | DEBUG    | __main__:<module>:20 - Iteration 1951: Points 1934 (cluster 3949) and 1954 (cluster 1954) connect at weight=446.0
2025-04-09 19:04:16.952 | DEBUG    | __main__:<module>:20 - Iteration 1952: Points 1921 (cluster 3950) and 1955 (cluster 1955) connect at weight=446.0
2025-04-09 19:04:16.952 | DEBUG    | __main__:<module>:20 - Iteration 1953: Points 1925 (cluster 3943) and 1957 (cluster 1957) connect at weight=444.0
2025-04-09 19:04:16.952 | DEBUG    | __main__:<module>:20 - Iteration 1954: Points 1914 (cluster 3952) and 1956 (cluster 1956) connect at weight=444.0
2025-04-09 19:04:16.952 | DEBUG    | __main__:<module>:20 - Iteration 1955: Points 1954 (cluster 3951) and 1959 (cluster 1959) connect at weight=442.0
2025-04-09 19:04:16.952 | DEBUG    | __main__:<module>:20 - Iteration 1956: Points 1914 (cluster 3954) and 1958 (cluster 1958) connect at weight=442.0
2025-04-09 19:04:16.953 | DEBUG    | __main__:<module>:20 - Iteration 1957: Points 1887 (cluster 3953) and 1960 (cluster 1960) connect at weight=441.0
2025-04-09 19:04:16.953 | DEBUG    | __main__:<module>:20 - Iteration 1958: Points 1943 (cluster 3957) and 1961 (cluster 1961) connect at weight=440.0
2025-04-09 19:04:16.953 | DEBUG    | __main__:<module>:20 - Iteration 1959: Points 1912 (cluster 3958) and 1962 (cluster 1962) connect at weight=436.0
2025-04-09 19:04:16.953 | DEBUG    | __main__:<module>:20 - Iteration 1960: Points 1933 (cluster 3956) and 1963 (cluster 1963) connect at weight=432.0
2025-04-09 19:04:16.953 | DEBUG    | __main__:<module>:20 - Iteration 1961: Points 1947 (cluster 3955) and 1965 (cluster 1965) connect at weight=430.0
2025-04-09 19:04:16.954 | DEBUG    | __main__:<module>:20 - Iteration 1962: Points 1925 (cluster 3959) and 1966 (cluster 1966) connect at weight=425.0
2025-04-09 19:04:16.955 | DEBUG    | __main__:<module>:20 - Iteration 1963: Points 1962 (cluster 3962) and 1967 (cluster 1967) connect at weight=424.0
2025-04-09 19:04:16.955 | DEBUG    | __main__:<module>:20 - Iteration 1964: Points 1964 (cluster 1964) and 1821 (cluster 3961) connect at weight=417.0
2025-04-09 19:04:16.955 | DEBUG    | __main__:<module>:20 - Iteration 1965: Points 1770 (cluster 3964) and 1968 (cluster 1968) connect at weight=417.0
2025-04-09 19:04:16.955 | DEBUG    | __main__:<module>:20 - Iteration 1966: Points 1947 (cluster 3965) and 1969 (cluster 1969) connect at weight=409.0
2025-04-09 19:04:16.955 | DEBUG    | __main__:<module>:20 - Iteration 1967: Points 1949 (cluster 3966) and 1970 (cluster 1970) connect at weight=406.0
2025-04-09 19:04:16.956 | DEBUG    | __main__:<module>:20 - Iteration 1968: Points 1969 (cluster 3967) and 1971 (cluster 1971) connect at weight=398.0
2025-04-09 19:04:16.956 | DEBUG    | __main__:<module>:20 - Iteration 1969: Points 1911 (cluster 3968) and 1972 (cluster 1972) connect at weight=397.0
2025-04-09 19:04:16.956 | DEBUG    | __main__:<module>:20 - Iteration 1970: Points 1869 (cluster 3963) and 1973 (cluster 1973) connect at weight=394.0
2025-04-09 19:04:16.956 | DEBUG    | __main__:<module>:20 - Iteration 1971: Points 1920 (cluster 3960) and 1974 (cluster 1974) connect at weight=391.0
2025-04-09 19:04:16.956 | DEBUG    | __main__:<module>:20 - Iteration 1972: Points 1958 (cluster 3971) and 1975 (cluster 1975) connect at weight=385.0
2025-04-09 19:04:16.956 | DEBUG    | __main__:<module>:20 - Iteration 1973: Points 1955 (cluster 3972) and 1976 (cluster 1976) connect at weight=384.0
2025-04-09 19:04:16.957 | DEBUG    | __main__:<module>:20 - Iteration 1974: Points 1967 (cluster 3970) and 1977 (cluster 1977) connect at weight=374.0
2025-04-09 19:04:16.957 | DEBUG    | __main__:<module>:20 - Iteration 1975: Points 1965 (cluster 3969) and 1978 (cluster 1978) connect at weight=374.0
2025-04-09 19:04:16.957 | DEBUG    | __main__:<module>:20 - Iteration 1976: Points 1961 (cluster 3974) and 1979 (cluster 1979) connect at weight=374.0
2025-04-09 19:04:16.957 | DEBUG    | __main__:<module>:20 - Iteration 1977: Points 1966 (cluster 3976) and 1981 (cluster 1981) connect at weight=368.0
2025-04-09 19:04:16.957 | DEBUG    | __main__:<module>:20 - Iteration 1978: Points 1862 (cluster 3977) and 1980 (cluster 1980) connect at weight=368.0
2025-04-09 19:04:16.957 | DEBUG    | __main__:<module>:20 - Iteration 1979: Points 1978 (cluster 3975) and 1982 (cluster 1982) connect at weight=367.0
2025-04-09 19:04:16.958 | DEBUG    | __main__:<module>:20 - Iteration 1980: Points 1930 (cluster 3978) and 1983 (cluster 1983) connect at weight=364.0
2025-04-09 19:04:16.958 | DEBUG    | __main__:<module>:20 - Iteration 1981: Points 1927 (cluster 3979) and 1984 (cluster 1984) connect at weight=360.0
2025-04-09 19:04:16.958 | DEBUG    | __main__:<module>:20 - Iteration 1982: Points 1916 (cluster 3981) and 1985 (cluster 1985) connect at weight=340.0
2025-04-09 19:04:16.958 | DEBUG    | __main__:<module>:20 - Iteration 1983: Points 1930 (cluster 3980) and 1986 (cluster 1986) connect at weight=325.0
2025-04-09 19:04:16.958 | DEBUG    | __main__:<module>:20 - Iteration 1984: Points 1977 (cluster 3983) and 1987 (cluster 1987) connect at weight=324.0
2025-04-09 19:04:16.959 | DEBUG    | __main__:<module>:20 - Iteration 1985: Points 1958 (cluster 3973) and 1988 (cluster 1988) connect at weight=310.0
2025-04-09 19:04:16.959 | DEBUG    | __main__:<module>:20 - Iteration 1986: Points 1983 (cluster 3984) and 1989 (cluster 1989) connect at weight=308.0
2025-04-09 19:04:16.959 | DEBUG    | __main__:<module>:20 - Iteration 1987: Points 1958 (cluster 3985) and 1990 (cluster 1990) connect at weight=307.0
2025-04-09 19:04:16.959 | DEBUG    | __main__:<module>:20 - Iteration 1988: Points 1929 (cluster 3987) and 1991 (cluster 1991) connect at weight=302.0
2025-04-09 19:04:16.959 | DEBUG    | __main__:<module>:20 - Iteration 1989: Points 1960 (cluster 3986) and 1992 (cluster 1992) connect at weight=263.0
2025-04-09 19:04:16.960 | DEBUG    | __main__:<module>:20 - Iteration 1990: Points 1970 (cluster 3982) and 1993 (cluster 1993) connect at weight=254.0
2025-04-09 19:04:16.960 | DEBUG    | __main__:<module>:20 - Iteration 1991: Points 1972 (cluster 3990) and 1994 (cluster 1994) connect at weight=246.0
2025-04-09 19:04:16.960 | DEBUG    | __main__:<module>:20 - Iteration 1992: Points 1976 (cluster 3988) and 1995 (cluster 1995) connect at weight=236.0
2025-04-09 19:04:16.960 | DEBUG    | __main__:<module>:20 - Iteration 1993: Points 1986 (cluster 3989) and 1996 (cluster 1996) connect at weight=215.0
2025-04-09 19:04:16.960 | DEBUG    | __main__:<module>:20 - Iteration 1994: Points 1970 (cluster 3991) and 1997 (cluster 1997) connect at weight=151.0
2025-04-09 19:04:16.960 | DEBUG    | __main__:<module>:20 - Iteration 1995: Points 1996 (cluster 3993) and 1998 (cluster 1998) connect at weight=149.0
2025-04-09 19:04:16.961 | DEBUG    | __main__:<module>:20 - Iteration 1996: Points 1998 (cluster 3995) and 1999 (cluster 1999) connect at weight=86.0
2025-04-09 19:04:16.961 | DEBUG    | __main__:<module>:20 - Iteration 1997: Points 1903 (cluster 3992) and 1964 (cluster 3994) connect at weight=30.0
2025-04-09 19:04:16.961 | INFO     | __main__:<module>:20 - Found 2 disjoint components
2025-04-09 19:04:16.961 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 19:04:16.972 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
2025-04-09 19:04:16.976 | INFO     | __main__:<module>:20 - Converted all leafs to root labels
2025-04-09 19:04:17.014 | INFO     | __main__:<module>:20 - Started hierarchical CommonNN clustering - HierarchicalFitterCommonNNMSTPrim
2025-04-09 19:04:17.199 | INFO     | commonnn.report:wrapper:248 - Built MST
2025-04-09 19:04:17.201 | DEBUG    | __main__:<module>:20 - 1999 edges in MST
2025-04-09 19:04:17.202 | DEBUG    | __main__:<module>:20 - Iteration 0: Points 0 (cluster 0) and 1 (cluster 1) connect at weight=163.0
2025-04-09 19:04:17.202 | DEBUG    | __main__:<module>:20 - Iteration 1: Points 1 (cluster 2000) and 4 (cluster 4) connect at weight=158.0
2025-04-09 19:04:17.202 | DEBUG    | __main__:<module>:20 - Iteration 2: Points 3 (cluster 3) and 9 (cluster 9) connect at weight=156.0
2025-04-09 19:04:17.202 | DEBUG    | __main__:<module>:20 - Iteration 3: Points 8 (cluster 8) and 14 (cluster 14) connect at weight=155.0
2025-04-09 19:04:17.203 | DEBUG    | __main__:<module>:20 - Iteration 4: Points 26 (cluster 26) and 32 (cluster 32) connect at weight=153.0
2025-04-09 19:04:17.203 | DEBUG    | __main__:<module>:20 - Iteration 5: Points 11 (cluster 11) and 30 (cluster 30) connect at weight=153.0
2025-04-09 19:04:17.203 | DEBUG    | __main__:<module>:20 - Iteration 6: Points 4 (cluster 2001) and 2 (cluster 2) connect at weight=153.0
2025-04-09 19:04:17.203 | DEBUG    | __main__:<module>:20 - Iteration 7: Points 0 (cluster 2006) and 13 (cluster 13) connect at weight=153.0
2025-04-09 19:04:17.203 | DEBUG    | __main__:<module>:20 - Iteration 8: Points 43 (cluster 43) and 51 (cluster 51) connect at weight=152.0
2025-04-09 19:04:17.204 | DEBUG    | __main__:<module>:20 - Iteration 9: Points 29 (cluster 29) and 26 (cluster 2004) connect at weight=152.0
2025-04-09 19:04:17.204 | DEBUG    | __main__:<module>:20 - Iteration 10: Points 26 (cluster 2009) and 37 (cluster 37) connect at weight=152.0
2025-04-09 19:04:17.204 | DEBUG    | __main__:<module>:20 - Iteration 11: Points 14 (cluster 2003) and 12 (cluster 12) connect at weight=152.0
2025-04-09 19:04:17.204 | DEBUG    | __main__:<module>:20 - Iteration 12: Points 2 (cluster 2007) and 7 (cluster 7) connect at weight=152.0
2025-04-09 19:04:17.204 | DEBUG    | __main__:<module>:20 - Iteration 13: Points 41 (cluster 41) and 34 (cluster 34) connect at weight=151.0
2025-04-09 19:04:17.204 | DEBUG    | __main__:<module>:20 - Iteration 14: Points 18 (cluster 18) and 17 (cluster 17) connect at weight=151.0
2025-04-09 19:04:17.205 | DEBUG    | __main__:<module>:20 - Iteration 15: Points 17 (cluster 2014) and 10 (cluster 10) connect at weight=151.0
2025-04-09 19:04:17.205 | DEBUG    | __main__:<module>:20 - Iteration 16: Points 13 (cluster 2012) and 24 (cluster 24) connect at weight=151.0
2025-04-09 19:04:17.205 | DEBUG    | __main__:<module>:20 - Iteration 17: Points 9 (cluster 2002) and 52 (cluster 52) connect at weight=151.0
2025-04-09 19:04:17.205 | DEBUG    | __main__:<module>:20 - Iteration 18: Points 52 (cluster 2017) and 18 (cluster 2015) connect at weight=150.0
2025-04-09 19:04:17.205 | DEBUG    | __main__:<module>:20 - Iteration 19: Points 34 (cluster 2013) and 33 (cluster 33) connect at weight=150.0
2025-04-09 19:04:17.206 | DEBUG    | __main__:<module>:20 - Iteration 20: Points 21 (cluster 21) and 50 (cluster 50) connect at weight=150.0
2025-04-09 19:04:17.206 | DEBUG    | __main__:<module>:20 - Iteration 21: Points 69 (cluster 69) and 71 (cluster 71) connect at weight=149.0
2025-04-09 19:04:17.206 | DEBUG    | __main__:<module>:20 - Iteration 22: Points 34 (cluster 2019) and 54 (cluster 54) connect at weight=149.0
2025-04-09 19:04:17.206 | DEBUG    | __main__:<module>:20 - Iteration 23: Points 33 (cluster 2022) and 57 (cluster 57) connect at weight=149.0
2025-04-09 19:04:17.206 | DEBUG    | __main__:<module>:20 - Iteration 24: Points 30 (cluster 2005) and 25 (cluster 25) connect at weight=149.0
2025-04-09 19:04:17.207 | DEBUG    | __main__:<module>:20 - Iteration 25: Points 57 (cluster 2023) and 76 (cluster 76) connect at weight=148.0
2025-04-09 19:04:17.207 | DEBUG    | __main__:<module>:20 - Iteration 26: Points 50 (cluster 2020) and 36 (cluster 36) connect at weight=148.0
2025-04-09 19:04:17.207 | DEBUG    | __main__:<module>:20 - Iteration 27: Points 45 (cluster 45) and 92 (cluster 92) connect at weight=148.0
2025-04-09 19:04:17.207 | DEBUG    | __main__:<module>:20 - Iteration 28: Points 42 (cluster 42) and 88 (cluster 88) connect at weight=148.0
2025-04-09 19:04:17.207 | DEBUG    | __main__:<module>:20 - Iteration 29: Points 38 (cluster 38) and 3 (cluster 2018) connect at weight=148.0
2025-04-09 19:04:17.207 | DEBUG    | __main__:<module>:20 - Iteration 30: Points 30 (cluster 2024) and 72 (cluster 72) connect at weight=148.0
2025-04-09 19:04:17.208 | DEBUG    | __main__:<module>:20 - Iteration 31: Points 6 (cluster 6) and 59 (cluster 59) connect at weight=148.0
2025-04-09 19:04:17.208 | DEBUG    | __main__:<module>:20 - Iteration 32: Points 97 (cluster 97) and 46 (cluster 46) connect at weight=147.0
2025-04-09 19:04:17.208 | DEBUG    | __main__:<module>:20 - Iteration 33: Points 74 (cluster 74) and 65 (cluster 65) connect at weight=147.0
2025-04-09 19:04:17.208 | DEBUG    | __main__:<module>:20 - Iteration 34: Points 72 (cluster 2030) and 31 (cluster 31) connect at weight=147.0
2025-04-09 19:04:17.208 | DEBUG    | __main__:<module>:20 - Iteration 35: Points 70 (cluster 70) and 62 (cluster 62) connect at weight=147.0
2025-04-09 19:04:17.209 | DEBUG    | __main__:<module>:20 - Iteration 36: Points 44 (cluster 44) and 90 (cluster 90) connect at weight=147.0
2025-04-09 19:04:17.209 | DEBUG    | __main__:<module>:20 - Iteration 37: Points 36 (cluster 2026) and 41 (cluster 2025) connect at weight=147.0
2025-04-09 19:04:17.209 | DEBUG    | __main__:<module>:20 - Iteration 38: Points 23 (cluster 23) and 40 (cluster 40) connect at weight=147.0
2025-04-09 19:04:17.209 | DEBUG    | __main__:<module>:20 - Iteration 39: Points 21 (cluster 2037) and 29 (cluster 2010) connect at weight=147.0
2025-04-09 19:04:17.209 | DEBUG    | __main__:<module>:20 - Iteration 40: Points 131 (cluster 131) and 53 (cluster 53) connect at weight=146.0
2025-04-09 19:04:17.210 | DEBUG    | __main__:<module>:20 - Iteration 41: Points 125 (cluster 125) and 155 (cluster 155) connect at weight=146.0
2025-04-09 19:04:17.210 | DEBUG    | __main__:<module>:20 - Iteration 42: Points 65 (cluster 2033) and 122 (cluster 122) connect at weight=146.0
2025-04-09 19:04:17.210 | DEBUG    | __main__:<module>:20 - Iteration 43: Points 47 (cluster 47) and 80 (cluster 80) connect at weight=146.0
2025-04-09 19:04:17.210 | DEBUG    | __main__:<module>:20 - Iteration 44: Points 33 (cluster 2039) and 55 (cluster 55) connect at weight=146.0
2025-04-09 19:04:17.210 | DEBUG    | __main__:<module>:20 - Iteration 45: Points 25 (cluster 2034) and 66 (cluster 66) connect at weight=146.0
2025-04-09 19:04:17.210 | DEBUG    | __main__:<module>:20 - Iteration 46: Points 19 (cluster 19) and 15 (cluster 15) connect at weight=146.0
2025-04-09 19:04:17.211 | DEBUG    | __main__:<module>:20 - Iteration 47: Points 5 (cluster 5) and 64 (cluster 64) connect at weight=146.0
2025-04-09 19:04:17.211 | DEBUG    | __main__:<module>:20 - Iteration 48: Points 94 (cluster 94) and 61 (cluster 61) connect at weight=145.0
2025-04-09 19:04:17.211 | DEBUG    | __main__:<module>:20 - Iteration 49: Points 79 (cluster 79) and 131 (cluster 2040) connect at weight=145.0
2025-04-09 19:04:17.211 | DEBUG    | __main__:<module>:20 - Iteration 50: Points 67 (cluster 67) and 110 (cluster 110) connect at weight=145.0
2025-04-09 19:04:17.211 | DEBUG    | __main__:<module>:20 - Iteration 51: Points 63 (cluster 63) and 153 (cluster 153) connect at weight=145.0
2025-04-09 19:04:17.212 | DEBUG    | __main__:<module>:20 - Iteration 52: Points 55 (cluster 2044) and 67 (cluster 2050) connect at weight=145.0
2025-04-09 19:04:17.212 | DEBUG    | __main__:<module>:20 - Iteration 53: Points 45 (cluster 2027) and 89 (cluster 89) connect at weight=145.0
2025-04-09 19:04:17.212 | DEBUG    | __main__:<module>:20 - Iteration 54: Points 40 (cluster 2038) and 102 (cluster 102) connect at weight=145.0
2025-04-09 19:04:17.212 | DEBUG    | __main__:<module>:20 - Iteration 55: Points 25 (cluster 2045) and 47 (cluster 2043) connect at weight=145.0
2025-04-09 19:04:17.212 | DEBUG    | __main__:<module>:20 - Iteration 56: Points 23 (cluster 2054) and 49 (cluster 49) connect at weight=145.0
2025-04-09 19:04:17.212 | DEBUG    | __main__:<module>:20 - Iteration 57: Points 7 (cluster 2016) and 38 (cluster 2029) connect at weight=145.0
2025-04-09 19:04:17.215 | DEBUG    | __main__:<module>:20 - Iteration 58: Points 149 (cluster 149) and 182 (cluster 182) connect at weight=144.0
2025-04-09 19:04:17.215 | DEBUG    | __main__:<module>:20 - Iteration 59: Points 85 (cluster 85) and 108 (cluster 108) connect at weight=144.0
2025-04-09 19:04:17.216 | DEBUG    | __main__:<module>:20 - Iteration 60: Points 84 (cluster 84) and 68 (cluster 68) connect at weight=144.0
2025-04-09 19:04:17.216 | DEBUG    | __main__:<module>:20 - Iteration 61: Points 61 (cluster 2048) and 58 (cluster 58) connect at weight=144.0
2025-04-09 19:04:17.216 | DEBUG    | __main__:<module>:20 - Iteration 62: Points 51 (cluster 2008) and 121 (cluster 121) connect at weight=144.0
2025-04-09 19:04:17.216 | DEBUG    | __main__:<module>:20 - Iteration 63: Points 31 (cluster 2055) and 44 (cluster 2036) connect at weight=144.0
2025-04-09 19:04:17.216 | DEBUG    | __main__:<module>:20 - Iteration 64: Points 19 (cluster 2046) and 119 (cluster 119) connect at weight=144.0
2025-04-09 19:04:17.217 | DEBUG    | __main__:<module>:20 - Iteration 65: Points 3 (cluster 2057) and 22 (cluster 22) connect at weight=144.0
2025-04-09 19:04:17.217 | DEBUG    | __main__:<module>:20 - Iteration 66: Points 200 (cluster 200) and 111 (cluster 111) connect at weight=143.0
2025-04-09 19:04:17.217 | DEBUG    | __main__:<module>:20 - Iteration 67: Points 169 (cluster 169) and 174 (cluster 174) connect at weight=143.0
2025-04-09 19:04:17.217 | DEBUG    | __main__:<module>:20 - Iteration 68: Points 164 (cluster 164) and 116 (cluster 116) connect at weight=143.0
2025-04-09 19:04:17.217 | DEBUG    | __main__:<module>:20 - Iteration 69: Points 144 (cluster 144) and 180 (cluster 180) connect at weight=143.0
2025-04-09 19:04:17.218 | DEBUG    | __main__:<module>:20 - Iteration 70: Points 143 (cluster 143) and 149 (cluster 2058) connect at weight=143.0
2025-04-09 19:04:17.218 | DEBUG    | __main__:<module>:20 - Iteration 71: Points 132 (cluster 132) and 199 (cluster 199) connect at weight=143.0
2025-04-09 19:04:17.218 | DEBUG    | __main__:<module>:20 - Iteration 72: Points 114 (cluster 114) and 255 (cluster 255) connect at weight=143.0
2025-04-09 19:04:17.218 | DEBUG    | __main__:<module>:20 - Iteration 73: Points 114 (cluster 2072) and 206 (cluster 206) connect at weight=143.0
2025-04-09 19:04:17.218 | DEBUG    | __main__:<module>:20 - Iteration 74: Points 114 (cluster 2073) and 191 (cluster 191) connect at weight=143.0
2025-04-09 19:04:17.218 | DEBUG    | __main__:<module>:20 - Iteration 75: Points 112 (cluster 112) and 23 (cluster 2056) connect at weight=143.0
2025-04-09 19:04:17.219 | DEBUG    | __main__:<module>:20 - Iteration 76: Points 107 (cluster 107) and 197 (cluster 197) connect at weight=143.0
2025-04-09 19:04:17.219 | DEBUG    | __main__:<module>:20 - Iteration 77: Points 96 (cluster 96) and 104 (cluster 104) connect at weight=143.0
2025-04-09 19:04:17.219 | DEBUG    | __main__:<module>:20 - Iteration 78: Points 80 (cluster 2063) and 96 (cluster 2077) connect at weight=143.0
2025-04-09 19:04:17.219 | DEBUG    | __main__:<module>:20 - Iteration 79: Points 65 (cluster 2042) and 128 (cluster 128) connect at weight=143.0
2025-04-09 19:04:17.219 | DEBUG    | __main__:<module>:20 - Iteration 80: Points 48 (cluster 48) and 103 (cluster 103) connect at weight=143.0
2025-04-09 19:04:17.220 | DEBUG    | __main__:<module>:20 - Iteration 81: Points 46 (cluster 2032) and 75 (cluster 75) connect at weight=143.0
2025-04-09 19:04:17.220 | DEBUG    | __main__:<module>:20 - Iteration 82: Points 40 (cluster 2075) and 77 (cluster 77) connect at weight=143.0
2025-04-09 19:04:17.220 | DEBUG    | __main__:<module>:20 - Iteration 83: Points 19 (cluster 2064) and 43 (cluster 2062) connect at weight=143.0
2025-04-09 19:04:17.220 | DEBUG    | __main__:<module>:20 - Iteration 84: Points 18 (cluster 2065) and 28 (cluster 28) connect at weight=143.0
2025-04-09 19:04:17.220 | DEBUG    | __main__:<module>:20 - Iteration 85: Points 12 (cluster 2011) and 97 (cluster 2081) connect at weight=143.0
2025-04-09 19:04:17.222 | DEBUG    | __main__:<module>:20 - Iteration 86: Points 275 (cluster 275) and 228 (cluster 228) connect at weight=142.0
2025-04-09 19:04:17.222 | DEBUG    | __main__:<module>:20 - Iteration 87: Points 236 (cluster 236) and 209 (cluster 209) connect at weight=142.0
2025-04-09 19:04:17.222 | DEBUG    | __main__:<module>:20 - Iteration 88: Points 178 (cluster 178) and 146 (cluster 146) connect at weight=142.0
2025-04-09 19:04:17.222 | DEBUG    | __main__:<module>:20 - Iteration 89: Points 175 (cluster 175) and 187 (cluster 187) connect at weight=142.0
2025-04-09 19:04:17.223 | DEBUG    | __main__:<module>:20 - Iteration 90: Points 155 (cluster 2041) and 190 (cluster 190) connect at weight=142.0
2025-04-09 19:04:17.223 | DEBUG    | __main__:<module>:20 - Iteration 91: Points 151 (cluster 151) and 201 (cluster 201) connect at weight=142.0
2025-04-09 19:04:17.223 | DEBUG    | __main__:<module>:20 - Iteration 92: Points 142 (cluster 142) and 231 (cluster 231) connect at weight=142.0
2025-04-09 19:04:17.223 | DEBUG    | __main__:<module>:20 - Iteration 93: Points 117 (cluster 117) and 159 (cluster 159) connect at weight=142.0
2025-04-09 19:04:17.223 | DEBUG    | __main__:<module>:20 - Iteration 94: Points 105 (cluster 105) and 87 (cluster 87) connect at weight=142.0
2025-04-09 19:04:17.223 | DEBUG    | __main__:<module>:20 - Iteration 95: Points 101 (cluster 101) and 156 (cluster 156) connect at weight=142.0
2025-04-09 19:04:17.224 | DEBUG    | __main__:<module>:20 - Iteration 96: Points 81 (cluster 81) and 120 (cluster 120) connect at weight=142.0
2025-04-09 19:04:17.224 | DEBUG    | __main__:<module>:20 - Iteration 97: Points 60 (cluster 60) and 69 (cluster 2021) connect at weight=142.0
2025-04-09 19:04:17.224 | DEBUG    | __main__:<module>:20 - Iteration 98: Points 59 (cluster 2031) and 133 (cluster 133) connect at weight=142.0
2025-04-09 19:04:17.224 | DEBUG    | __main__:<module>:20 - Iteration 99: Points 39 (cluster 39) and 79 (cluster 2049) connect at weight=142.0
2025-04-09 19:04:17.224 | DEBUG    | __main__:<module>:20 - Iteration 100: Points 35 (cluster 35) and 78 (cluster 78) connect at weight=142.0
2025-04-09 19:04:17.225 | DEBUG    | __main__:<module>:20 - Iteration 101: Points 32 (cluster 2052) and 45 (cluster 2053) connect at weight=142.0
2025-04-09 19:04:17.225 | DEBUG    | __main__:<module>:20 - Iteration 102: Points 21 (cluster 2101) and 16 (cluster 16) connect at weight=142.0
2025-04-09 19:04:17.225 | DEBUG    | __main__:<module>:20 - Iteration 103: Points 5 (cluster 2047) and 6 (cluster 2098) connect at weight=142.0
2025-04-09 19:04:17.225 | DEBUG    | __main__:<module>:20 - Iteration 104: Points 277 (cluster 277) and 294 (cluster 294) connect at weight=141.0
2025-04-09 19:04:17.225 | DEBUG    | __main__:<module>:20 - Iteration 105: Points 263 (cluster 263) and 163 (cluster 163) connect at weight=141.0
2025-04-09 19:04:17.226 | DEBUG    | __main__:<module>:20 - Iteration 106: Points 239 (cluster 239) and 293 (cluster 293) connect at weight=141.0
2025-04-09 19:04:17.227 | DEBUG    | __main__:<module>:20 - Iteration 107: Points 232 (cluster 232) and 171 (cluster 171) connect at weight=141.0
2025-04-09 19:04:17.227 | DEBUG    | __main__:<module>:20 - Iteration 108: Points 204 (cluster 204) and 254 (cluster 254) connect at weight=141.0
2025-04-09 19:04:17.227 | DEBUG    | __main__:<module>:20 - Iteration 109: Points 177 (cluster 177) and 151 (cluster 2091) connect at weight=141.0
2025-04-09 19:04:17.227 | DEBUG    | __main__:<module>:20 - Iteration 110: Points 174 (cluster 2067) and 298 (cluster 298) connect at weight=141.0
2025-04-09 19:04:17.227 | DEBUG    | __main__:<module>:20 - Iteration 111: Points 174 (cluster 2110) and 167 (cluster 167) connect at weight=141.0
2025-04-09 19:04:17.228 | DEBUG    | __main__:<module>:20 - Iteration 112: Points 171 (cluster 2107) and 260 (cluster 260) connect at weight=141.0
2025-04-09 19:04:17.228 | DEBUG    | __main__:<module>:20 - Iteration 113: Points 165 (cluster 165) and 113 (cluster 113) connect at weight=141.0
2025-04-09 19:04:17.228 | DEBUG    | __main__:<module>:20 - Iteration 114: Points 145 (cluster 145) and 198 (cluster 198) connect at weight=141.0
2025-04-09 19:04:17.228 | DEBUG    | __main__:<module>:20 - Iteration 115: Points 110 (cluster 2102) and 109 (cluster 109) connect at weight=141.0
2025-04-09 19:04:17.228 | DEBUG    | __main__:<module>:20 - Iteration 116: Points 99 (cluster 99) and 160 (cluster 160) connect at weight=141.0
2025-04-09 19:04:17.229 | DEBUG    | __main__:<module>:20 - Iteration 117: Points 89 (cluster 2115) and 48 (cluster 2080) connect at weight=141.0
2025-04-09 19:04:17.229 | DEBUG    | __main__:<module>:20 - Iteration 118: Points 73 (cluster 73) and 175 (cluster 2089) connect at weight=141.0
2025-04-09 19:04:17.229 | DEBUG    | __main__:<module>:20 - Iteration 119: Points 68 (cluster 2060) and 139 (cluster 139) connect at weight=141.0
2025-04-09 19:04:17.229 | DEBUG    | __main__:<module>:20 - Iteration 120: Points 65 (cluster 2079) and 60 (cluster 2097) connect at weight=141.0
2025-04-09 19:04:17.229 | DEBUG    | __main__:<module>:20 - Iteration 121: Points 62 (cluster 2035) and 11 (cluster 2078) connect at weight=141.0
2025-04-09 19:04:17.229 | DEBUG    | __main__:<module>:20 - Iteration 122: Points 59 (cluster 2103) and 221 (cluster 221) connect at weight=141.0
2025-04-09 19:04:17.230 | DEBUG    | __main__:<module>:20 - Iteration 123: Points 55 (cluster 2117) and 98 (cluster 98) connect at weight=141.0
2025-04-09 19:04:17.230 | DEBUG    | __main__:<module>:20 - Iteration 124: Points 24 (cluster 2084) and 150 (cluster 150) connect at weight=141.0
2025-04-09 19:04:17.230 | DEBUG    | __main__:<module>:20 - Iteration 125: Points 15 (cluster 2083) and 74 (cluster 2120) connect at weight=141.0
2025-04-09 19:04:17.230 | DEBUG    | __main__:<module>:20 - Iteration 126: Points 353 (cluster 353) and 224 (cluster 224) connect at weight=140.0
2025-04-09 19:04:17.230 | DEBUG    | __main__:<module>:20 - Iteration 127: Points 332 (cluster 332) and 320 (cluster 320) connect at weight=140.0
2025-04-09 19:04:17.231 | DEBUG    | __main__:<module>:20 - Iteration 128: Points 306 (cluster 306) and 315 (cluster 315) connect at weight=140.0
2025-04-09 19:04:17.231 | DEBUG    | __main__:<module>:20 - Iteration 129: Points 303 (cluster 303) and 375 (cluster 375) connect at weight=140.0
2025-04-09 19:04:17.231 | DEBUG    | __main__:<module>:20 - Iteration 130: Points 280 (cluster 280) and 267 (cluster 267) connect at weight=140.0
2025-04-09 19:04:17.231 | DEBUG    | __main__:<module>:20 - Iteration 131: Points 257 (cluster 257) and 340 (cluster 340) connect at weight=140.0
2025-04-09 19:04:17.231 | DEBUG    | __main__:<module>:20 - Iteration 132: Points 254 (cluster 2108) and 301 (cluster 301) connect at weight=140.0
2025-04-09 19:04:17.232 | DEBUG    | __main__:<module>:20 - Iteration 133: Points 244 (cluster 244) and 213 (cluster 213) connect at weight=140.0
2025-04-09 19:04:17.232 | DEBUG    | __main__:<module>:20 - Iteration 134: Points 244 (cluster 2133) and 181 (cluster 181) connect at weight=140.0
2025-04-09 19:04:17.232 | DEBUG    | __main__:<module>:20 - Iteration 135: Points 231 (cluster 2092) and 168 (cluster 168) connect at weight=140.0
2025-04-09 19:04:17.232 | DEBUG    | __main__:<module>:20 - Iteration 136: Points 228 (cluster 2086) and 157 (cluster 157) connect at weight=140.0
2025-04-09 19:04:17.232 | DEBUG    | __main__:<module>:20 - Iteration 137: Points 191 (cluster 2074) and 244 (cluster 2134) connect at weight=140.0
2025-04-09 19:04:17.232 | DEBUG    | __main__:<module>:20 - Iteration 138: Points 183 (cluster 183) and 145 (cluster 2114) connect at weight=140.0
2025-04-09 19:04:17.233 | DEBUG    | __main__:<module>:20 - Iteration 139: Points 177 (cluster 2109) and 107 (cluster 2076) connect at weight=140.0
2025-04-09 19:04:17.233 | DEBUG    | __main__:<module>:20 - Iteration 140: Points 141 (cluster 141) and 158 (cluster 158) connect at weight=140.0
2025-04-09 19:04:17.233 | DEBUG    | __main__:<module>:20 - Iteration 141: Points 138 (cluster 138) and 186 (cluster 186) connect at weight=140.0
2025-04-09 19:04:17.233 | DEBUG    | __main__:<module>:20 - Iteration 142: Points 135 (cluster 135) and 100 (cluster 100) connect at weight=140.0
2025-04-09 19:04:17.233 | DEBUG    | __main__:<module>:20 - Iteration 143: Points 126 (cluster 126) and 124 (cluster 124) connect at weight=140.0
2025-04-09 19:04:17.234 | DEBUG    | __main__:<module>:20 - Iteration 144: Points 119 (cluster 2125) and 184 (cluster 184) connect at weight=140.0
2025-04-09 19:04:17.234 | DEBUG    | __main__:<module>:20 - Iteration 145: Points 109 (cluster 2123) and 127 (cluster 127) connect at weight=140.0
2025-04-09 19:04:17.236 | DEBUG    | __main__:<module>:20 - Iteration 146: Points 106 (cluster 106) and 91 (cluster 91) connect at weight=140.0
2025-04-09 19:04:17.236 | DEBUG    | __main__:<module>:20 - Iteration 147: Points 101 (cluster 2095) and 123 (cluster 123) connect at weight=140.0
2025-04-09 19:04:17.236 | DEBUG    | __main__:<module>:20 - Iteration 148: Points 98 (cluster 2145) and 84 (cluster 2119) connect at weight=140.0
2025-04-09 19:04:17.236 | DEBUG    | __main__:<module>:20 - Iteration 149: Points 82 (cluster 82) and 200 (cluster 2066) connect at weight=140.0
2025-04-09 19:04:17.237 | DEBUG    | __main__:<module>:20 - Iteration 150: Points 77 (cluster 2082) and 130 (cluster 130) connect at weight=140.0
2025-04-09 19:04:17.237 | DEBUG    | __main__:<module>:20 - Iteration 151: Points 69 (cluster 2144) and 208 (cluster 208) connect at weight=140.0
2025-04-09 19:04:17.237 | DEBUG    | __main__:<module>:20 - Iteration 152: Points 66 (cluster 2121) and 258 (cluster 258) connect at weight=140.0
2025-04-09 19:04:17.237 | DEBUG    | __main__:<module>:20 - Iteration 153: Points 22 (cluster 2124) and 27 (cluster 27) connect at weight=140.0
2025-04-09 19:04:17.237 | DEBUG    | __main__:<module>:20 - Iteration 154: Points 18 (cluster 2153) and 95 (cluster 95) connect at weight=140.0
2025-04-09 19:04:17.238 | DEBUG    | __main__:<module>:20 - Iteration 155: Points 441 (cluster 441) and 397 (cluster 397) connect at weight=139.0
2025-04-09 19:04:17.238 | DEBUG    | __main__:<module>:20 - Iteration 156: Points 381 (cluster 381) and 339 (cluster 339) connect at weight=139.0
2025-04-09 19:04:17.238 | DEBUG    | __main__:<module>:20 - Iteration 157: Points 360 (cluster 360) and 276 (cluster 276) connect at weight=139.0
2025-04-09 19:04:17.238 | DEBUG    | __main__:<module>:20 - Iteration 158: Points 337 (cluster 337) and 425 (cluster 425) connect at weight=139.0
2025-04-09 19:04:17.238 | DEBUG    | __main__:<module>:20 - Iteration 159: Points 305 (cluster 305) and 331 (cluster 331) connect at weight=139.0
2025-04-09 19:04:17.238 | DEBUG    | __main__:<module>:20 - Iteration 160: Points 286 (cluster 286) and 362 (cluster 362) connect at weight=139.0
2025-04-09 19:04:17.239 | DEBUG    | __main__:<module>:20 - Iteration 161: Points 272 (cluster 272) and 138 (cluster 2141) connect at weight=139.0
2025-04-09 19:04:17.239 | DEBUG    | __main__:<module>:20 - Iteration 162: Points 240 (cluster 240) and 284 (cluster 284) connect at weight=139.0
2025-04-09 19:04:17.239 | DEBUG    | __main__:<module>:20 - Iteration 163: Points 223 (cluster 223) and 162 (cluster 162) connect at weight=139.0
2025-04-09 19:04:17.239 | DEBUG    | __main__:<module>:20 - Iteration 164: Points 219 (cluster 219) and 319 (cluster 319) connect at weight=139.0
2025-04-09 19:04:17.239 | DEBUG    | __main__:<module>:20 - Iteration 165: Points 217 (cluster 217) and 219 (cluster 2164) connect at weight=139.0
2025-04-09 19:04:17.240 | DEBUG    | __main__:<module>:20 - Iteration 166: Points 211 (cluster 211) and 314 (cluster 314) connect at weight=139.0
2025-04-09 19:04:17.240 | DEBUG    | __main__:<module>:20 - Iteration 167: Points 189 (cluster 189) and 259 (cluster 259) connect at weight=139.0
2025-04-09 19:04:17.240 | DEBUG    | __main__:<module>:20 - Iteration 168: Points 184 (cluster 2151) and 280 (cluster 2130) connect at weight=139.0
2025-04-09 19:04:17.240 | DEBUG    | __main__:<module>:20 - Iteration 169: Points 182 (cluster 2070) and 349 (cluster 349) connect at weight=139.0
2025-04-09 19:04:17.240 | DEBUG    | __main__:<module>:20 - Iteration 170: Points 168 (cluster 2135) and 327 (cluster 327) connect at weight=139.0
2025-04-09 19:04:17.241 | DEBUG    | __main__:<module>:20 - Iteration 171: Points 162 (cluster 2163) and 237 (cluster 237) connect at weight=139.0
2025-04-09 19:04:17.241 | DEBUG    | __main__:<module>:20 - Iteration 172: Points 157 (cluster 2136) and 132 (cluster 2071) connect at weight=139.0
2025-04-09 19:04:17.241 | DEBUG    | __main__:<module>:20 - Iteration 173: Points 148 (cluster 148) and 278 (cluster 278) connect at weight=139.0
2025-04-09 19:04:17.241 | DEBUG    | __main__:<module>:20 - Iteration 174: Points 142 (cluster 2170) and 243 (cluster 243) connect at weight=139.0
2025-04-09 19:04:17.241 | DEBUG    | __main__:<module>:20 - Iteration 175: Points 129 (cluster 129) and 176 (cluster 176) connect at weight=139.0
2025-04-09 19:04:17.241 | DEBUG    | __main__:<module>:20 - Iteration 176: Points 92 (cluster 2148) and 82 (cluster 2149) connect at weight=139.0
2025-04-09 19:04:17.242 | DEBUG    | __main__:<module>:20 - Iteration 177: Points 90 (cluster 2152) and 143 (cluster 2169) connect at weight=139.0
2025-04-09 19:04:17.242 | DEBUG    | __main__:<module>:20 - Iteration 178: Points 87 (cluster 2094) and 134 (cluster 134) connect at weight=139.0
2025-04-09 19:04:17.242 | DEBUG    | __main__:<module>:20 - Iteration 179: Points 47 (cluster 2177) and 164 (cluster 2068) connect at weight=139.0
2025-04-09 19:04:17.242 | DEBUG    | __main__:<module>:20 - Iteration 180: Points 16 (cluster 2176) and 177 (cluster 2139) connect at weight=139.0
2025-04-09 19:04:17.242 | DEBUG    | __main__:<module>:20 - Iteration 181: Points 2 (cluster 2154) and 5 (cluster 2122) connect at weight=139.0
2025-04-09 19:04:17.243 | DEBUG    | __main__:<module>:20 - Iteration 182: Points 439 (cluster 439) and 455 (cluster 455) connect at weight=138.0
2025-04-09 19:04:17.243 | DEBUG    | __main__:<module>:20 - Iteration 183: Points 422 (cluster 422) and 252 (cluster 252) connect at weight=138.0
2025-04-09 19:04:17.243 | DEBUG    | __main__:<module>:20 - Iteration 184: Points 315 (cluster 2128) and 204 (cluster 2132) connect at weight=138.0
2025-04-09 19:04:17.243 | DEBUG    | __main__:<module>:20 - Iteration 185: Points 283 (cluster 283) and 178 (cluster 2088) connect at weight=138.0
2025-04-09 19:04:17.243 | DEBUG    | __main__:<module>:20 - Iteration 186: Points 261 (cluster 261) and 242 (cluster 242) connect at weight=138.0
2025-04-09 19:04:17.244 | DEBUG    | __main__:<module>:20 - Iteration 187: Points 259 (cluster 2167) and 263 (cluster 2105) connect at weight=138.0
2025-04-09 19:04:17.244 | DEBUG    | __main__:<module>:20 - Iteration 188: Points 229 (cluster 229) and 313 (cluster 313) connect at weight=138.0
2025-04-09 19:04:17.244 | DEBUG    | __main__:<module>:20 - Iteration 189: Points 226 (cluster 226) and 317 (cluster 317) connect at weight=138.0
2025-04-09 19:04:17.244 | DEBUG    | __main__:<module>:20 - Iteration 190: Points 225 (cluster 225) and 245 (cluster 245) connect at weight=138.0
2025-04-09 19:04:17.244 | DEBUG    | __main__:<module>:20 - Iteration 191: Points 222 (cluster 222) and 279 (cluster 279) connect at weight=138.0
2025-04-09 19:04:17.244 | DEBUG    | __main__:<module>:20 - Iteration 192: Points 215 (cluster 215) and 310 (cluster 310) connect at weight=138.0
2025-04-09 19:04:17.245 | DEBUG    | __main__:<module>:20 - Iteration 193: Points 210 (cluster 210) and 250 (cluster 250) connect at weight=138.0
2025-04-09 19:04:17.245 | DEBUG    | __main__:<module>:20 - Iteration 194: Points 195 (cluster 195) and 220 (cluster 220) connect at weight=138.0
2025-04-09 19:04:17.245 | DEBUG    | __main__:<module>:20 - Iteration 195: Points 163 (cluster 2187) and 223 (cluster 2171) connect at weight=138.0
2025-04-09 19:04:17.245 | DEBUG    | __main__:<module>:20 - Iteration 196: Points 154 (cluster 154) and 384 (cluster 384) connect at weight=138.0
2025-04-09 19:04:17.245 | DEBUG    | __main__:<module>:20 - Iteration 197: Points 154 (cluster 2196) and 115 (cluster 115) connect at weight=138.0
2025-04-09 19:04:17.246 | DEBUG    | __main__:<module>:20 - Iteration 198: Points 147 (cluster 147) and 261 (cluster 2186) connect at weight=138.0
2025-04-09 19:04:17.246 | DEBUG    | __main__:<module>:20 - Iteration 199: Points 140 (cluster 140) and 290 (cluster 290) connect at weight=138.0
2025-04-09 19:04:17.246 | DEBUG    | __main__:<module>:20 - Iteration 200: Points 138 (cluster 2161) and 326 (cluster 326) connect at weight=138.0
2025-04-09 19:04:17.246 | DEBUG    | __main__:<module>:20 - Iteration 201: Points 129 (cluster 2175) and 334 (cluster 334) connect at weight=138.0
2025-04-09 19:04:17.246 | DEBUG    | __main__:<module>:20 - Iteration 202: Points 111 (cluster 2180) and 169 (cluster 2111) connect at weight=138.0
2025-04-09 19:04:17.247 | DEBUG    | __main__:<module>:20 - Iteration 203: Points 86 (cluster 86) and 56 (cluster 56) connect at weight=138.0
2025-04-09 19:04:17.247 | DEBUG    | __main__:<module>:20 - Iteration 204: Points 81 (cluster 2096) and 194 (cluster 194) connect at weight=138.0
2025-04-09 19:04:17.247 | DEBUG    | __main__:<module>:20 - Iteration 205: Points 81 (cluster 2204) and 152 (cluster 152) connect at weight=138.0
2025-04-09 19:04:17.247 | DEBUG    | __main__:<module>:20 - Iteration 206: Points 53 (cluster 2099) and 268 (cluster 268) connect at weight=138.0
2025-04-09 19:04:17.247 | DEBUG    | __main__:<module>:20 - Iteration 207: Points 0 (cluster 2181) and 42 (cluster 2028) connect at weight=138.0
2025-04-09 19:04:17.247 | DEBUG    | __main__:<module>:20 - Iteration 208: Points 511 (cluster 511) and 431 (cluster 431) connect at weight=137.0
2025-04-09 19:04:17.248 | DEBUG    | __main__:<module>:20 - Iteration 209: Points 475 (cluster 475) and 506 (cluster 506) connect at weight=137.0
2025-04-09 19:04:17.248 | DEBUG    | __main__:<module>:20 - Iteration 210: Points 409 (cluster 409) and 488 (cluster 488) connect at weight=137.0
2025-04-09 19:04:17.248 | DEBUG    | __main__:<module>:20 - Iteration 211: Points 374 (cluster 374) and 302 (cluster 302) connect at weight=137.0
2025-04-09 19:04:17.248 | DEBUG    | __main__:<module>:20 - Iteration 212: Points 354 (cluster 354) and 511 (cluster 2208) connect at weight=137.0
2025-04-09 19:04:17.248 | DEBUG    | __main__:<module>:20 - Iteration 213: Points 342 (cluster 342) and 188 (cluster 188) connect at weight=137.0
2025-04-09 19:04:17.248 | DEBUG    | __main__:<module>:20 - Iteration 214: Points 314 (cluster 2166) and 351 (cluster 351) connect at weight=137.0
2025-04-09 19:04:17.249 | DEBUG    | __main__:<module>:20 - Iteration 215: Points 310 (cluster 2192) and 114 (cluster 2137) connect at weight=137.0
2025-04-09 19:04:17.249 | DEBUG    | __main__:<module>:20 - Iteration 216: Points 300 (cluster 300) and 148 (cluster 2173) connect at weight=137.0
2025-04-09 19:04:17.249 | DEBUG    | __main__:<module>:20 - Iteration 217: Points 297 (cluster 297) and 203 (cluster 203) connect at weight=137.0
2025-04-09 19:04:17.249 | DEBUG    | __main__:<module>:20 - Iteration 218: Points 257 (cluster 2131) and 436 (cluster 436) connect at weight=137.0
2025-04-09 19:04:17.249 | DEBUG    | __main__:<module>:20 - Iteration 219: Points 241 (cluster 241) and 358 (cluster 358) connect at weight=137.0
2025-04-09 19:04:17.250 | DEBUG    | __main__:<module>:20 - Iteration 220: Points 236 (cluster 2087) and 305 (cluster 2159) connect at weight=137.0
2025-04-09 19:04:17.250 | DEBUG    | __main__:<module>:20 - Iteration 221: Points 234 (cluster 234) and 383 (cluster 383) connect at weight=137.0
2025-04-09 19:04:17.250 | DEBUG    | __main__:<module>:20 - Iteration 222: Points 224 (cluster 2126) and 129 (cluster 2201) connect at weight=137.0
2025-04-09 19:04:17.250 | DEBUG    | __main__:<module>:20 - Iteration 223: Points 212 (cluster 212) and 296 (cluster 296) connect at weight=137.0
2025-04-09 19:04:17.250 | DEBUG    | __main__:<module>:20 - Iteration 224: Points 207 (cluster 207) and 336 (cluster 336) connect at weight=137.0
2025-04-09 19:04:17.251 | DEBUG    | __main__:<module>:20 - Iteration 225: Points 176 (cluster 2222) and 311 (cluster 311) connect at weight=137.0
2025-04-09 19:04:17.251 | DEBUG    | __main__:<module>:20 - Iteration 226: Points 160 (cluster 2116) and 217 (cluster 2165) connect at weight=137.0
2025-04-09 19:04:17.251 | DEBUG    | __main__:<module>:20 - Iteration 227: Points 159 (cluster 2093) and 21 (cluster 2202) connect at weight=137.0
2025-04-09 19:04:17.251 | DEBUG    | __main__:<module>:20 - Iteration 228: Points 156 (cluster 2147) and 144 (cluster 2069) connect at weight=137.0
2025-04-09 19:04:17.251 | DEBUG    | __main__:<module>:20 - Iteration 229: Points 154 (cluster 2197) and 286 (cluster 2160) connect at weight=137.0
2025-04-09 19:04:17.251 | DEBUG    | __main__:<module>:20 - Iteration 230: Points 153 (cluster 2051) and 256 (cluster 256) connect at weight=137.0
2025-04-09 19:04:17.252 | DEBUG    | __main__:<module>:20 - Iteration 231: Points 137 (cluster 137) and 248 (cluster 248) connect at weight=137.0
2025-04-09 19:04:17.252 | DEBUG    | __main__:<module>:20 - Iteration 232: Points 123 (cluster 2228) and 205 (cluster 205) connect at weight=137.0
2025-04-09 19:04:17.252 | DEBUG    | __main__:<module>:20 - Iteration 233: Points 122 (cluster 2168) and 387 (cluster 387) connect at weight=137.0
2025-04-09 19:04:17.252 | DEBUG    | __main__:<module>:20 - Iteration 234: Points 107 (cluster 2227) and 323 (cluster 323) connect at weight=137.0
2025-04-09 19:04:17.252 | DEBUG    | __main__:<module>:20 - Iteration 235: Points 88 (cluster 2207) and 227 (cluster 227) connect at weight=137.0
2025-04-09 19:04:17.253 | DEBUG    | __main__:<module>:20 - Iteration 236: Points 77 (cluster 2150) and 63 (cluster 2230) connect at weight=137.0
2025-04-09 19:04:17.253 | DEBUG    | __main__:<module>:20 - Iteration 237: Points 75 (cluster 2085) and 117 (cluster 2234) connect at weight=137.0
2025-04-09 19:04:17.253 | DEBUG    | __main__:<module>:20 - Iteration 238: Points 58 (cluster 2061) and 218 (cluster 218) connect at weight=137.0
2025-04-09 19:04:17.253 | DEBUG    | __main__:<module>:20 - Iteration 239: Points 51 (cluster 2233) and 269 (cluster 269) connect at weight=137.0
2025-04-09 19:04:17.253 | DEBUG    | __main__:<module>:20 - Iteration 240: Points 49 (cluster 2236) and 20 (cluster 20) connect at weight=137.0
2025-04-09 19:04:17.253 | DEBUG    | __main__:<module>:20 - Iteration 241: Points 27 (cluster 2235) and 83 (cluster 83) connect at weight=137.0
2025-04-09 19:04:17.254 | DEBUG    | __main__:<module>:20 - Iteration 242: Points 0 (cluster 2241) and 8 (cluster 2237) connect at weight=137.0
2025-04-09 19:04:17.254 | DEBUG    | __main__:<module>:20 - Iteration 243: Points 517 (cluster 517) and 457 (cluster 457) connect at weight=136.0
2025-04-09 19:04:17.254 | DEBUG    | __main__:<module>:20 - Iteration 244: Points 442 (cluster 442) and 195 (cluster 2194) connect at weight=136.0
2025-04-09 19:04:17.254 | DEBUG    | __main__:<module>:20 - Iteration 245: Points 428 (cluster 428) and 446 (cluster 446) connect at weight=136.0
2025-04-09 19:04:17.254 | DEBUG    | __main__:<module>:20 - Iteration 246: Points 421 (cluster 421) and 325 (cluster 325) connect at weight=136.0
2025-04-09 19:04:17.255 | DEBUG    | __main__:<module>:20 - Iteration 247: Points 405 (cluster 405) and 433 (cluster 433) connect at weight=136.0
2025-04-09 19:04:17.255 | DEBUG    | __main__:<module>:20 - Iteration 248: Points 382 (cluster 382) and 300 (cluster 2216) connect at weight=136.0
2025-04-09 19:04:17.255 | DEBUG    | __main__:<module>:20 - Iteration 249: Points 379 (cluster 379) and 338 (cluster 338) connect at weight=136.0
2025-04-09 19:04:17.255 | DEBUG    | __main__:<module>:20 - Iteration 250: Points 369 (cluster 369) and 316 (cluster 316) connect at weight=136.0
2025-04-09 19:04:17.255 | DEBUG    | __main__:<module>:20 - Iteration 251: Points 368 (cluster 368) and 528 (cluster 528) connect at weight=136.0
2025-04-09 19:04:17.256 | DEBUG    | __main__:<module>:20 - Iteration 252: Points 358 (cluster 2219) and 357 (cluster 357) connect at weight=136.0
2025-04-09 19:04:17.256 | DEBUG    | __main__:<module>:20 - Iteration 253: Points 314 (cluster 2214) and 335 (cluster 335) connect at weight=136.0
2025-04-09 19:04:17.256 | DEBUG    | __main__:<module>:20 - Iteration 254: Points 293 (cluster 2106) and 483 (cluster 483) connect at weight=136.0
2025-04-09 19:04:17.256 | DEBUG    | __main__:<module>:20 - Iteration 255: Points 290 (cluster 2199) and 211 (cluster 2253) connect at weight=136.0
2025-04-09 19:04:17.256 | DEBUG    | __main__:<module>:20 - Iteration 256: Points 281 (cluster 281) and 386 (cluster 386) connect at weight=136.0
2025-04-09 19:04:17.256 | DEBUG    | __main__:<module>:20 - Iteration 257: Points 280 (cluster 2239) and 517 (cluster 2243) connect at weight=136.0
2025-04-09 19:04:17.257 | DEBUG    | __main__:<module>:20 - Iteration 258: Points 278 (cluster 2248) and 257 (cluster 2218) connect at weight=136.0
2025-04-09 19:04:17.257 | DEBUG    | __main__:<module>:20 - Iteration 259: Points 270 (cluster 270) and 274 (cluster 274) connect at weight=136.0
2025-04-09 19:04:17.257 | DEBUG    | __main__:<module>:20 - Iteration 260: Points 269 (cluster 2257) and 392 (cluster 392) connect at weight=136.0
2025-04-09 19:04:17.257 | DEBUG    | __main__:<module>:20 - Iteration 261: Points 267 (cluster 2260) and 373 (cluster 373) connect at weight=136.0
2025-04-09 19:04:17.257 | DEBUG    | __main__:<module>:20 - Iteration 262: Points 264 (cluster 264) and 282 (cluster 282) connect at weight=136.0
2025-04-09 19:04:17.258 | DEBUG    | __main__:<module>:20 - Iteration 263: Points 263 (cluster 2195) and 235 (cluster 235) connect at weight=136.0
2025-04-09 19:04:17.258 | DEBUG    | __main__:<module>:20 - Iteration 264: Points 260 (cluster 2112) and 292 (cluster 292) connect at weight=136.0
2025-04-09 19:04:17.258 | DEBUG    | __main__:<module>:20 - Iteration 265: Points 219 (cluster 2226) and 234 (cluster 2221) connect at weight=136.0
2025-04-09 19:04:17.258 | DEBUG    | __main__:<module>:20 - Iteration 266: Points 207 (cluster 2224) and 396 (cluster 396) connect at weight=136.0
2025-04-09 19:04:17.258 | DEBUG    | __main__:<module>:20 - Iteration 267: Points 201 (cluster 2242) and 238 (cluster 238) connect at weight=136.0
2025-04-09 19:04:17.259 | DEBUG    | __main__:<module>:20 - Iteration 268: Points 179 (cluster 179) and 312 (cluster 312) connect at weight=136.0
2025-04-09 19:04:17.259 | DEBUG    | __main__:<module>:20 - Iteration 269: Points 176 (cluster 2225) and 216 (cluster 216) connect at weight=136.0
2025-04-09 19:04:17.259 | DEBUG    | __main__:<module>:20 - Iteration 270: Points 166 (cluster 166) and 475 (cluster 2209) connect at weight=136.0
2025-04-09 19:04:17.259 | DEBUG    | __main__:<module>:20 - Iteration 271: Points 134 (cluster 2178) and 101 (cluster 2232) connect at weight=136.0
2025-04-09 19:04:17.259 | DEBUG    | __main__:<module>:20 - Iteration 272: Points 124 (cluster 2143) and 147 (cluster 2198) connect at weight=136.0
2025-04-09 19:04:17.260 | DEBUG    | __main__:<module>:20 - Iteration 273: Points 115 (cluster 2229) and 118 (cluster 118) connect at weight=136.0
2025-04-09 19:04:17.260 | DEBUG    | __main__:<module>:20 - Iteration 274: Points 99 (cluster 2265) and 207 (cluster 2266) connect at weight=136.0
2025-04-09 19:04:17.260 | DEBUG    | __main__:<module>:20 - Iteration 275: Points 91 (cluster 2146) and 94 (cluster 2238) connect at weight=136.0
2025-04-09 19:04:17.260 | DEBUG    | __main__:<module>:20 - Iteration 276: Points 62 (cluster 2179) and 330 (cluster 330) connect at weight=136.0
2025-04-09 19:04:17.260 | DEBUG    | __main__:<module>:20 - Iteration 277: Points 42 (cluster 2267) and 193 (cluster 193) connect at weight=136.0
2025-04-09 19:04:17.260 | DEBUG    | __main__:<module>:20 - Iteration 278: Points 13 (cluster 2277) and 39 (cluster 2206) connect at weight=136.0
2025-04-09 19:04:17.261 | DEBUG    | __main__:<module>:20 - Iteration 279: Points 12 (cluster 2278) and 135 (cluster 2142) connect at weight=136.0
2025-04-09 19:04:17.261 | DEBUG    | __main__:<module>:20 - Iteration 280: Points 590 (cluster 590) and 409 (cluster 2210) connect at weight=135.0
2025-04-09 19:04:17.261 | DEBUG    | __main__:<module>:20 - Iteration 281: Points 583 (cluster 583) and 424 (cluster 424) connect at weight=135.0
2025-04-09 19:04:17.261 | DEBUG    | __main__:<module>:20 - Iteration 282: Points 576 (cluster 576) and 427 (cluster 427) connect at weight=135.0
2025-04-09 19:04:17.261 | DEBUG    | __main__:<module>:20 - Iteration 283: Points 496 (cluster 496) and 516 (cluster 516) connect at weight=135.0
2025-04-09 19:04:17.262 | DEBUG    | __main__:<module>:20 - Iteration 284: Points 487 (cluster 487) and 393 (cluster 393) connect at weight=135.0
2025-04-09 19:04:17.262 | DEBUG    | __main__:<module>:20 - Iteration 285: Points 479 (cluster 479) and 303 (cluster 2129) connect at weight=135.0
2025-04-09 19:04:17.262 | DEBUG    | __main__:<module>:20 - Iteration 286: Points 462 (cluster 462) and 329 (cluster 329) connect at weight=135.0
2025-04-09 19:04:17.262 | DEBUG    | __main__:<module>:20 - Iteration 287: Points 445 (cluster 445) and 379 (cluster 2249) connect at weight=135.0
2025-04-09 19:04:17.262 | DEBUG    | __main__:<module>:20 - Iteration 288: Points 440 (cluster 440) and 360 (cluster 2157) connect at weight=135.0
2025-04-09 19:04:17.263 | DEBUG    | __main__:<module>:20 - Iteration 289: Points 440 (cluster 2288) and 355 (cluster 355) connect at weight=135.0
2025-04-09 19:04:17.263 | DEBUG    | __main__:<module>:20 - Iteration 290: Points 437 (cluster 437) and 621 (cluster 621) connect at weight=135.0
2025-04-09 19:04:17.263 | DEBUG    | __main__:<module>:20 - Iteration 291: Points 419 (cluster 419) and 610 (cluster 610) connect at weight=135.0
2025-04-09 19:04:17.263 | DEBUG    | __main__:<module>:20 - Iteration 292: Points 389 (cluster 389) and 509 (cluster 509) connect at weight=135.0
2025-04-09 19:04:17.263 | DEBUG    | __main__:<module>:20 - Iteration 293: Points 377 (cluster 377) and 236 (cluster 2220) connect at weight=135.0
2025-04-09 19:04:17.263 | DEBUG    | __main__:<module>:20 - Iteration 294: Points 373 (cluster 2261) and 527 (cluster 527) connect at weight=135.0
2025-04-09 19:04:17.264 | DEBUG    | __main__:<module>:20 - Iteration 295: Points 372 (cluster 372) and 70 (cluster 2276) connect at weight=135.0
2025-04-09 19:04:17.264 | DEBUG    | __main__:<module>:20 - Iteration 296: Points 370 (cluster 370) and 318 (cluster 318) connect at weight=135.0
2025-04-09 19:04:17.264 | DEBUG    | __main__:<module>:20 - Iteration 297: Points 367 (cluster 367) and 426 (cluster 426) connect at weight=135.0
2025-04-09 19:04:17.264 | DEBUG    | __main__:<module>:20 - Iteration 298: Points 349 (cluster 2295) and 429 (cluster 429) connect at weight=135.0
2025-04-09 19:04:17.264 | DEBUG    | __main__:<module>:20 - Iteration 299: Points 330 (cluster 2298) and 270 (cluster 2259) connect at weight=135.0
2025-04-09 19:04:17.265 | DEBUG    | __main__:<module>:20 - Iteration 300: Points 329 (cluster 2286) and 476 (cluster 476) connect at weight=135.0
2025-04-09 19:04:17.265 | DEBUG    | __main__:<module>:20 - Iteration 301: Points 321 (cluster 321) and 166 (cluster 2270) connect at weight=135.0
2025-04-09 19:04:17.265 | DEBUG    | __main__:<module>:20 - Iteration 302: Points 304 (cluster 304) and 395 (cluster 395) connect at weight=135.0
2025-04-09 19:04:17.265 | DEBUG    | __main__:<module>:20 - Iteration 303: Points 303 (cluster 2285) and 442 (cluster 2244) connect at weight=135.0
2025-04-09 19:04:17.266 | DEBUG    | __main__:<module>:20 - Iteration 304: Points 295 (cluster 295) and 297 (cluster 2217) connect at weight=135.0
2025-04-09 19:04:17.266 | DEBUG    | __main__:<module>:20 - Iteration 305: Points 293 (cluster 2254) and 304 (cluster 2302) connect at weight=135.0
2025-04-09 19:04:17.266 | DEBUG    | __main__:<module>:20 - Iteration 306: Points 281 (cluster 2256) and 478 (cluster 478) connect at weight=135.0
2025-04-09 19:04:17.267 | DEBUG    | __main__:<module>:20 - Iteration 307: Points 281 (cluster 2306) and 378 (cluster 378) connect at weight=135.0
2025-04-09 19:04:17.267 | DEBUG    | __main__:<module>:20 - Iteration 308: Points 261 (cluster 2272) and 306 (cluster 2184) connect at weight=135.0
2025-04-09 19:04:17.267 | DEBUG    | __main__:<module>:20 - Iteration 309: Points 248 (cluster 2231) and 473 (cluster 473) connect at weight=135.0
2025-04-09 19:04:17.267 | DEBUG    | __main__:<module>:20 - Iteration 310: Points 248 (cluster 2309) and 408 (cluster 408) connect at weight=135.0
2025-04-09 19:04:17.267 | DEBUG    | __main__:<module>:20 - Iteration 311: Points 242 (cluster 2308) and 492 (cluster 492) connect at weight=135.0
2025-04-09 19:04:17.267 | DEBUG    | __main__:<module>:20 - Iteration 312: Points 222 (cluster 2191) and 363 (cluster 363) connect at weight=135.0
2025-04-09 19:04:17.268 | DEBUG    | __main__:<module>:20 - Iteration 313: Points 215 (cluster 2215) and 81 (cluster 2205) connect at weight=135.0
2025-04-09 19:04:17.268 | DEBUG    | __main__:<module>:20 - Iteration 314: Points 192 (cluster 192) and 142 (cluster 2174) connect at weight=135.0
2025-04-09 19:04:17.268 | DEBUG    | __main__:<module>:20 - Iteration 315: Points 189 (cluster 2263) and 172 (cluster 172) connect at weight=135.0
2025-04-09 19:04:17.268 | DEBUG    | __main__:<module>:20 - Iteration 316: Points 144 (cluster 2271) and 202 (cluster 202) connect at weight=135.0
2025-04-09 19:04:17.268 | DEBUG    | __main__:<module>:20 - Iteration 317: Points 136 (cluster 136) and 498 (cluster 498) connect at weight=135.0
2025-04-09 19:04:17.269 | DEBUG    | __main__:<module>:20 - Iteration 318: Points 135 (cluster 2279) and 154 (cluster 2273) connect at weight=135.0
2025-04-09 19:04:17.269 | DEBUG    | __main__:<module>:20 - Iteration 319: Points 125 (cluster 2090) and 309 (cluster 309) connect at weight=135.0
2025-04-09 19:04:17.269 | DEBUG    | __main__:<module>:20 - Iteration 320: Points 120 (cluster 2313) and 275 (cluster 2172) connect at weight=135.0
2025-04-09 19:04:17.269 | DEBUG    | __main__:<module>:20 - Iteration 321: Points 113 (cluster 2113) and 214 (cluster 214) connect at weight=135.0
2025-04-09 19:04:17.270 | DEBUG    | __main__:<module>:20 - Iteration 322: Points 109 (cluster 2318) and 173 (cluster 173) connect at weight=135.0
2025-04-09 19:04:17.270 | DEBUG    | __main__:<module>:20 - Iteration 323: Points 105 (cluster 2316) and 112 (cluster 2240) connect at weight=135.0
2025-04-09 19:04:17.270 | DEBUG    | __main__:<module>:20 - Iteration 324: Points 64 (cluster 2322) and 225 (cluster 2190) connect at weight=135.0
2025-04-09 19:04:17.270 | DEBUG    | __main__:<module>:20 - Iteration 325: Points 39 (cluster 2324) and 86 (cluster 2203) connect at weight=135.0
2025-04-09 19:04:17.270 | DEBUG    | __main__:<module>:20 - Iteration 326: Points 594 (cluster 594) and 596 (cluster 596) connect at weight=134.0
2025-04-09 19:04:17.271 | DEBUG    | __main__:<module>:20 - Iteration 327: Points 570 (cluster 570) and 450 (cluster 450) connect at weight=134.0
2025-04-09 19:04:17.271 | DEBUG    | __main__:<module>:20 - Iteration 328: Points 541 (cluster 541) and 451 (cluster 451) connect at weight=134.0
2025-04-09 19:04:17.271 | DEBUG    | __main__:<module>:20 - Iteration 329: Points 536 (cluster 536) and 554 (cluster 554) connect at weight=134.0
2025-04-09 19:04:17.271 | DEBUG    | __main__:<module>:20 - Iteration 330: Points 474 (cluster 474) and 343 (cluster 343) connect at weight=134.0
2025-04-09 19:04:17.271 | DEBUG    | __main__:<module>:20 - Iteration 331: Points 473 (cluster 2310) and 559 (cluster 559) connect at weight=134.0
2025-04-09 19:04:17.271 | DEBUG    | __main__:<module>:20 - Iteration 332: Points 468 (cluster 468) and 595 (cluster 595) connect at weight=134.0
2025-04-09 19:04:17.272 | DEBUG    | __main__:<module>:20 - Iteration 333: Points 466 (cluster 466) and 495 (cluster 495) connect at weight=134.0
2025-04-09 19:04:17.273 | DEBUG    | __main__:<module>:20 - Iteration 334: Points 466 (cluster 2333) and 385 (cluster 385) connect at weight=134.0
2025-04-09 19:04:17.280 | DEBUG    | __main__:<module>:20 - Iteration 335: Points 441 (cluster 2155) and 520 (cluster 520) connect at weight=134.0
2025-04-09 19:04:17.280 | DEBUG    | __main__:<module>:20 - Iteration 336: Points 435 (cluster 435) and 659 (cluster 659) connect at weight=134.0
2025-04-09 19:04:17.280 | DEBUG    | __main__:<module>:20 - Iteration 337: Points 426 (cluster 2297) and 491 (cluster 491) connect at weight=134.0
2025-04-09 19:04:17.280 | DEBUG    | __main__:<module>:20 - Iteration 338: Points 411 (cluster 411) and 613 (cluster 613) connect at weight=134.0
2025-04-09 19:04:17.280 | DEBUG    | __main__:<module>:20 - Iteration 339: Points 403 (cluster 403) and 106 (cluster 2275) connect at weight=134.0
2025-04-09 19:04:17.281 | DEBUG    | __main__:<module>:20 - Iteration 340: Points 388 (cluster 388) and 189 (cluster 2315) connect at weight=134.0
2025-04-09 19:04:17.281 | DEBUG    | __main__:<module>:20 - Iteration 341: Points 357 (cluster 2252) and 382 (cluster 2258) connect at weight=134.0
2025-04-09 19:04:17.281 | DEBUG    | __main__:<module>:20 - Iteration 342: Points 354 (cluster 2212) and 623 (cluster 623) connect at weight=134.0
2025-04-09 19:04:17.281 | DEBUG    | __main__:<module>:20 - Iteration 343: Points 351 (cluster 2255) and 381 (cluster 2156) connect at weight=134.0
2025-04-09 19:04:17.281 | DEBUG    | __main__:<module>:20 - Iteration 344: Points 350 (cluster 350) and 533 (cluster 533) connect at weight=134.0
2025-04-09 19:04:17.281 | DEBUG    | __main__:<module>:20 - Iteration 345: Points 347 (cluster 347) and 332 (cluster 2127) connect at weight=134.0
2025-04-09 19:04:17.282 | DEBUG    | __main__:<module>:20 - Iteration 346: Points 330 (cluster 2299) and 579 (cluster 579) connect at weight=134.0
2025-04-09 19:04:17.282 | DEBUG    | __main__:<module>:20 - Iteration 347: Points 267 (cluster 2294) and 459 (cluster 459) connect at weight=134.0
2025-04-09 19:04:17.282 | DEBUG    | __main__:<module>:20 - Iteration 348: Points 266 (cluster 266) and 346 (cluster 346) connect at weight=134.0
2025-04-09 19:04:17.282 | DEBUG    | __main__:<module>:20 - Iteration 349: Points 242 (cluster 2311) and 489 (cluster 489) connect at weight=134.0
2025-04-09 19:04:17.282 | DEBUG    | __main__:<module>:20 - Iteration 350: Points 241 (cluster 2341) and 345 (cluster 345) connect at weight=134.0
2025-04-09 19:04:17.283 | DEBUG    | __main__:<module>:20 - Iteration 351: Points 203 (cluster 2304) and 222 (cluster 2312) connect at weight=134.0
2025-04-09 19:04:17.283 | DEBUG    | __main__:<module>:20 - Iteration 352: Points 202 (cluster 2323) and 272 (cluster 2200) connect at weight=134.0
2025-04-09 19:04:17.283 | DEBUG    | __main__:<module>:20 - Iteration 353: Points 197 (cluster 2325) and 440 (cluster 2289) connect at weight=134.0
2025-04-09 19:04:17.283 | DEBUG    | __main__:<module>:20 - Iteration 354: Points 187 (cluster 2118) and 394 (cluster 394) connect at weight=134.0
2025-04-09 19:04:17.283 | DEBUG    | __main__:<module>:20 - Iteration 355: Points 172 (cluster 2340) and 161 (cluster 161) connect at weight=134.0
2025-04-09 19:04:17.283 | DEBUG    | __main__:<module>:20 - Iteration 356: Points 122 (cluster 2347) and 93 (cluster 93) connect at weight=134.0
2025-04-09 19:04:17.284 | DEBUG    | __main__:<module>:20 - Iteration 357: Points 100 (cluster 2353) and 230 (cluster 230) connect at weight=134.0
2025-04-09 19:04:17.284 | DEBUG    | __main__:<module>:20 - Iteration 358: Points 87 (cluster 2352) and 35 (cluster 2100) connect at weight=134.0
2025-04-09 19:04:17.284 | DEBUG    | __main__:<module>:20 - Iteration 359: Points 63 (cluster 2358) and 333 (cluster 333) connect at weight=134.0
2025-04-09 19:04:17.284 | DEBUG    | __main__:<module>:20 - Iteration 360: Points 61 (cluster 2339) and 321 (cluster 2301) connect at weight=134.0
2025-04-09 19:04:17.284 | DEBUG    | __main__:<module>:20 - Iteration 361: Points 59 (cluster 2357) and 400 (cluster 400) connect at weight=134.0
2025-04-09 19:04:17.285 | DEBUG    | __main__:<module>:20 - Iteration 362: Points 39 (cluster 2361) and 341 (cluster 341) connect at weight=134.0
2025-04-09 19:04:17.285 | DEBUG    | __main__:<module>:20 - Iteration 363: Points 628 (cluster 628) and 647 (cluster 647) connect at weight=133.0
2025-04-09 19:04:17.285 | DEBUG    | __main__:<module>:20 - Iteration 364: Points 619 (cluster 619) and 512 (cluster 512) connect at weight=133.0
2025-04-09 19:04:17.285 | DEBUG    | __main__:<module>:20 - Iteration 365: Points 580 (cluster 580) and 603 (cluster 603) connect at weight=133.0
2025-04-09 19:04:17.285 | DEBUG    | __main__:<module>:20 - Iteration 366: Points 579 (cluster 2346) and 560 (cluster 560) connect at weight=133.0
2025-04-09 19:04:17.285 | DEBUG    | __main__:<module>:20 - Iteration 367: Points 558 (cluster 558) and 508 (cluster 508) connect at weight=133.0
2025-04-09 19:04:17.286 | DEBUG    | __main__:<module>:20 - Iteration 368: Points 544 (cluster 544) and 420 (cluster 420) connect at weight=133.0
2025-04-09 19:04:17.286 | DEBUG    | __main__:<module>:20 - Iteration 369: Points 509 (cluster 2292) and 415 (cluster 415) connect at weight=133.0
2025-04-09 19:04:17.286 | DEBUG    | __main__:<module>:20 - Iteration 370: Points 507 (cluster 507) and 361 (cluster 361) connect at weight=133.0
2025-04-09 19:04:17.286 | DEBUG    | __main__:<module>:20 - Iteration 371: Points 498 (cluster 2317) and 650 (cluster 650) connect at weight=133.0
2025-04-09 19:04:17.286 | DEBUG    | __main__:<module>:20 - Iteration 372: Points 493 (cluster 493) and 639 (cluster 639) connect at weight=133.0
2025-04-09 19:04:17.287 | DEBUG    | __main__:<module>:20 - Iteration 373: Points 484 (cluster 484) and 602 (cluster 602) connect at weight=133.0
2025-04-09 19:04:17.287 | DEBUG    | __main__:<module>:20 - Iteration 374: Points 465 (cluster 465) and 281 (cluster 2307) connect at weight=133.0
2025-04-09 19:04:17.287 | DEBUG    | __main__:<module>:20 - Iteration 375: Points 450 (cluster 2327) and 564 (cluster 564) connect at weight=133.0
2025-04-09 19:04:17.287 | DEBUG    | __main__:<module>:20 - Iteration 376: Points 410 (cluster 410) and 566 (cluster 566) connect at weight=133.0
2025-04-09 19:04:17.288 | DEBUG    | __main__:<module>:20 - Iteration 377: Points 406 (cluster 406) and 581 (cluster 581) connect at weight=133.0
2025-04-09 19:04:17.288 | DEBUG    | __main__:<module>:20 - Iteration 378: Points 395 (cluster 2305) and 651 (cluster 651) connect at weight=133.0
2025-04-09 19:04:17.288 | DEBUG    | __main__:<module>:20 - Iteration 379: Points 386 (cluster 2374) and 515 (cluster 515) connect at weight=133.0
2025-04-09 19:04:17.288 | DEBUG    | __main__:<module>:20 - Iteration 380: Points 364 (cluster 364) and 295 (cluster 2351) connect at weight=133.0
2025-04-09 19:04:17.290 | DEBUG    | __main__:<module>:20 - Iteration 381: Points 361 (cluster 2370) and 441 (cluster 2335) connect at weight=133.0
2025-04-09 19:04:17.291 | DEBUG    | __main__:<module>:20 - Iteration 382: Points 343 (cluster 2330) and 456 (cluster 456) connect at weight=133.0
2025-04-09 19:04:17.291 | DEBUG    | __main__:<module>:20 - Iteration 383: Points 343 (cluster 2382) and 401 (cluster 401) connect at weight=133.0
2025-04-09 19:04:17.291 | DEBUG    | __main__:<module>:20 - Iteration 384: Points 318 (cluster 2296) and 477 (cluster 477) connect at weight=133.0
2025-04-09 19:04:17.291 | DEBUG    | __main__:<module>:20 - Iteration 385: Points 308 (cluster 308) and 648 (cluster 648) connect at weight=133.0
2025-04-09 19:04:17.291 | DEBUG    | __main__:<module>:20 - Iteration 386: Points 287 (cluster 287) and 374 (cluster 2211) connect at weight=133.0
2025-04-09 19:04:17.291 | DEBUG    | __main__:<module>:20 - Iteration 387: Points 279 (cluster 2380) and 592 (cluster 592) connect at weight=133.0
2025-04-09 19:04:17.292 | DEBUG    | __main__:<module>:20 - Iteration 388: Points 276 (cluster 2362) and 342 (cluster 2213) connect at weight=133.0
2025-04-09 19:04:17.292 | DEBUG    | __main__:<module>:20 - Iteration 389: Points 273 (cluster 273) and 377 (cluster 2293) connect at weight=133.0
2025-04-09 19:04:17.292 | DEBUG    | __main__:<module>:20 - Iteration 390: Points 256 (cluster 2359) and 324 (cluster 324) connect at weight=133.0
2025-04-09 19:04:17.292 | DEBUG    | __main__:<module>:20 - Iteration 391: Points 254 (cluster 2349) and 526 (cluster 526) connect at weight=133.0
2025-04-09 19:04:17.292 | DEBUG    | __main__:<module>:20 - Iteration 392: Points 253 (cluster 253) and 573 (cluster 573) connect at weight=133.0
2025-04-09 19:04:17.293 | DEBUG    | __main__:<module>:20 - Iteration 393: Points 253 (cluster 2392) and 558 (cluster 2367) connect at weight=133.0
2025-04-09 19:04:17.293 | DEBUG    | __main__:<module>:20 - Iteration 394: Points 250 (cluster 2193) and 469 (cluster 469) connect at weight=133.0
2025-04-09 19:04:17.293 | DEBUG    | __main__:<module>:20 - Iteration 395: Points 246 (cluster 246) and 328 (cluster 328) connect at weight=133.0
2025-04-09 19:04:17.293 | DEBUG    | __main__:<module>:20 - Iteration 396: Points 239 (cluster 2378) and 273 (cluster 2389) connect at weight=133.0
2025-04-09 19:04:17.293 | DEBUG    | __main__:<module>:20 - Iteration 397: Points 233 (cluster 233) and 369 (cluster 2250) connect at weight=133.0
2025-04-09 19:04:17.293 | DEBUG    | __main__:<module>:20 - Iteration 398: Points 203 (cluster 2387) and 247 (cluster 247) connect at weight=133.0
2025-04-09 19:04:17.294 | DEBUG    | __main__:<module>:20 - Iteration 399: Points 194 (cluster 2320) and 232 (cluster 2264) connect at weight=133.0
2025-04-09 19:04:17.294 | DEBUG    | __main__:<module>:20 - Iteration 400: Points 129 (cluster 2269) and 467 (cluster 467) connect at weight=133.0
2025-04-09 19:04:17.294 | DEBUG    | __main__:<module>:20 - Iteration 401: Points 86 (cluster 2388) and 226 (cluster 2189) connect at weight=133.0
2025-04-09 19:04:17.294 | DEBUG    | __main__:<module>:20 - Iteration 402: Points 717 (cluster 717) and 642 (cluster 642) connect at weight=132.0
2025-04-09 19:04:17.294 | DEBUG    | __main__:<module>:20 - Iteration 403: Points 664 (cluster 664) and 643 (cluster 643) connect at weight=132.0
2025-04-09 19:04:17.295 | DEBUG    | __main__:<module>:20 - Iteration 404: Points 609 (cluster 609) and 569 (cluster 569) connect at weight=132.0
2025-04-09 19:04:17.295 | DEBUG    | __main__:<module>:20 - Iteration 405: Points 600 (cluster 600) and 666 (cluster 666) connect at weight=132.0
2025-04-09 19:04:17.295 | DEBUG    | __main__:<module>:20 - Iteration 406: Points 599 (cluster 599) and 634 (cluster 634) connect at weight=132.0
2025-04-09 19:04:17.296 | DEBUG    | __main__:<module>:20 - Iteration 407: Points 589 (cluster 589) and 743 (cluster 743) connect at weight=132.0
2025-04-09 19:04:17.297 | DEBUG    | __main__:<module>:20 - Iteration 408: Points 573 (cluster 2393) and 677 (cluster 677) connect at weight=132.0
2025-04-09 19:04:17.297 | DEBUG    | __main__:<module>:20 - Iteration 409: Points 549 (cluster 549) and 588 (cluster 588) connect at weight=132.0
2025-04-09 19:04:17.297 | DEBUG    | __main__:<module>:20 - Iteration 410: Points 546 (cluster 546) and 530 (cluster 530) connect at weight=132.0
2025-04-09 19:04:17.297 | DEBUG    | __main__:<module>:20 - Iteration 411: Points 543 (cluster 543) and 539 (cluster 539) connect at weight=132.0
2025-04-09 19:04:17.297 | DEBUG    | __main__:<module>:20 - Iteration 412: Points 528 (cluster 2251) and 365 (cluster 365) connect at weight=132.0
2025-04-09 19:04:17.298 | DEBUG    | __main__:<module>:20 - Iteration 413: Points 516 (cluster 2283) and 445 (cluster 2287) connect at weight=132.0
2025-04-09 19:04:17.298 | DEBUG    | __main__:<module>:20 - Iteration 414: Points 482 (cluster 482) and 701 (cluster 701) connect at weight=132.0
2025-04-09 19:04:17.298 | DEBUG    | __main__:<module>:20 - Iteration 415: Points 472 (cluster 472) and 567 (cluster 567) connect at weight=132.0
2025-04-09 19:04:17.298 | DEBUG    | __main__:<module>:20 - Iteration 416: Points 470 (cluster 470) and 713 (cluster 713) connect at weight=132.0
2025-04-09 19:04:17.298 | DEBUG    | __main__:<module>:20 - Iteration 417: Points 461 (cluster 461) and 299 (cluster 299) connect at weight=132.0
2025-04-09 19:04:17.298 | DEBUG    | __main__:<module>:20 - Iteration 418: Points 458 (cluster 458) and 661 (cluster 661) connect at weight=132.0
2025-04-09 19:04:17.299 | DEBUG    | __main__:<module>:20 - Iteration 419: Points 447 (cluster 447) and 683 (cluster 683) connect at weight=132.0
2025-04-09 19:04:17.299 | DEBUG    | __main__:<module>:20 - Iteration 420: Points 424 (cluster 2281) and 347 (cluster 2345) connect at weight=132.0
2025-04-09 19:04:17.299 | DEBUG    | __main__:<module>:20 - Iteration 421: Points 407 (cluster 407) and 366 (cluster 366) connect at weight=132.0
2025-04-09 19:04:17.299 | DEBUG    | __main__:<module>:20 - Iteration 422: Points 394 (cluster 2354) and 499 (cluster 499) connect at weight=132.0
2025-04-09 19:04:17.299 | DEBUG    | __main__:<module>:20 - Iteration 423: Points 387 (cluster 2356) and 590 (cluster 2280) connect at weight=132.0
2025-04-09 19:04:17.300 | DEBUG    | __main__:<module>:20 - Iteration 424: Points 378 (cluster 2379) and 266 (cluster 2348) connect at weight=132.0
2025-04-09 19:04:17.300 | DEBUG    | __main__:<module>:20 - Iteration 425: Points 366 (cluster 2421) and 435 (cluster 2336) connect at weight=132.0
2025-04-09 19:04:17.300 | DEBUG    | __main__:<module>:20 - Iteration 426: Points 364 (cluster 2398) and 428 (cluster 2245) connect at weight=132.0
2025-04-09 19:04:17.300 | DEBUG    | __main__:<module>:20 - Iteration 427: Points 301 (cluster 2391) and 288 (cluster 288) connect at weight=132.0
2025-04-09 19:04:17.300 | DEBUG    | __main__:<module>:20 - Iteration 428: Points 288 (cluster 2427) and 557 (cluster 557) connect at weight=132.0
2025-04-09 19:04:17.300 | DEBUG    | __main__:<module>:20 - Iteration 429: Points 225 (cluster 2401) and 215 (cluster 2399) connect at weight=132.0
2025-04-09 19:04:17.301 | DEBUG    | __main__:<module>:20 - Iteration 430: Points 218 (cluster 2360) and 196 (cluster 196) connect at weight=132.0
2025-04-09 19:04:17.301 | DEBUG    | __main__:<module>:20 - Iteration 431: Points 196 (cluster 2430) and 434 (cluster 434) connect at weight=132.0
2025-04-09 19:04:17.301 | DEBUG    | __main__:<module>:20 - Iteration 432: Points 146 (cluster 2185) and 249 (cluster 249) connect at weight=132.0
2025-04-09 19:04:17.301 | DEBUG    | __main__:<module>:20 - Iteration 433: Points 132 (cluster 2429) and 535 (cluster 535) connect at weight=132.0
2025-04-09 19:04:17.301 | DEBUG    | __main__:<module>:20 - Iteration 434: Points 47 (cluster 2366) and 140 (cluster 2343) connect at weight=132.0
2025-04-09 19:04:17.302 | DEBUG    | __main__:<module>:20 - Iteration 435: Points 740 (cluster 740) and 742 (cluster 742) connect at weight=131.0
2025-04-09 19:04:17.302 | DEBUG    | __main__:<module>:20 - Iteration 436: Points 673 (cluster 673) and 594 (cluster 2326) connect at weight=131.0
2025-04-09 19:04:17.302 | DEBUG    | __main__:<module>:20 - Iteration 437: Points 671 (cluster 671) and 724 (cluster 724) connect at weight=131.0
2025-04-09 19:04:17.302 | DEBUG    | __main__:<module>:20 - Iteration 438: Points 670 (cluster 670) and 185 (cluster 185) connect at weight=131.0
2025-04-09 19:04:17.302 | DEBUG    | __main__:<module>:20 - Iteration 439: Points 661 (cluster 2418) and 703 (cluster 703) connect at weight=131.0
2025-04-09 19:04:17.303 | DEBUG    | __main__:<module>:20 - Iteration 440: Points 653 (cluster 653) and 697 (cluster 697) connect at weight=131.0
2025-04-09 19:04:17.303 | DEBUG    | __main__:<module>:20 - Iteration 441: Points 643 (cluster 2403) and 422 (cluster 2183) connect at weight=131.0
2025-04-09 19:04:17.303 | DEBUG    | __main__:<module>:20 - Iteration 442: Points 630 (cluster 630) and 769 (cluster 769) connect at weight=131.0
2025-04-09 19:04:17.303 | DEBUG    | __main__:<module>:20 - Iteration 443: Points 586 (cluster 586) and 502 (cluster 502) connect at weight=131.0
2025-04-09 19:04:17.303 | DEBUG    | __main__:<module>:20 - Iteration 444: Points 580 (cluster 2365) and 545 (cluster 545) connect at weight=131.0
2025-04-09 19:04:17.303 | DEBUG    | __main__:<module>:20 - Iteration 445: Points 576 (cluster 2282) and 609 (cluster 2404) connect at weight=131.0
2025-04-09 19:04:17.304 | DEBUG    | __main__:<module>:20 - Iteration 446: Points 572 (cluster 572) and 644 (cluster 644) connect at weight=131.0
2025-04-09 19:04:17.304 | DEBUG    | __main__:<module>:20 - Iteration 447: Points 540 (cluster 540) and 519 (cluster 519) connect at weight=131.0
2025-04-09 19:04:17.304 | DEBUG    | __main__:<module>:20 - Iteration 448: Points 509 (cluster 2369) and 576 (cluster 2445) connect at weight=131.0
2025-04-09 19:04:17.304 | DEBUG    | __main__:<module>:20 - Iteration 449: Points 476 (cluster 2300) and 538 (cluster 538) connect at weight=131.0
2025-04-09 19:04:17.304 | DEBUG    | __main__:<module>:20 - Iteration 450: Points 471 (cluster 471) and 689 (cluster 689) connect at weight=131.0
2025-04-09 19:04:17.305 | DEBUG    | __main__:<module>:20 - Iteration 451: Points 468 (cluster 2332) and 503 (cluster 503) connect at weight=131.0
2025-04-09 19:04:17.305 | DEBUG    | __main__:<module>:20 - Iteration 452: Points 452 (cluster 452) and 353 (cluster 2400) connect at weight=131.0
2025-04-09 19:04:17.305 | DEBUG    | __main__:<module>:20 - Iteration 453: Points 431 (cluster 2342) and 612 (cluster 612) connect at weight=131.0
2025-04-09 19:04:17.305 | DEBUG    | __main__:<module>:20 - Iteration 454: Points 414 (cluster 414) and 587 (cluster 587) connect at weight=131.0
2025-04-09 19:04:17.305 | DEBUG    | __main__:<module>:20 - Iteration 455: Points 413 (cluster 413) and 241 (cluster 2350) connect at weight=131.0
2025-04-09 19:04:17.306 | DEBUG    | __main__:<module>:20 - Iteration 456: Points 396 (cluster 2274) and 352 (cluster 352) connect at weight=131.0
2025-04-09 19:04:17.306 | DEBUG    | __main__:<module>:20 - Iteration 457: Points 392 (cluster 2423) and 734 (cluster 734) connect at weight=131.0
2025-04-09 19:04:17.306 | DEBUG    | __main__:<module>:20 - Iteration 458: Points 380 (cluster 380) and 371 (cluster 371) connect at weight=131.0
2025-04-09 19:04:17.306 | DEBUG    | __main__:<module>:20 - Iteration 459: Points 352 (cluster 2456) and 597 (cluster 597) connect at weight=131.0
2025-04-09 19:04:17.306 | DEBUG    | __main__:<module>:20 - Iteration 460: Points 351 (cluster 2434) and 513 (cluster 513) connect at weight=131.0
2025-04-09 19:04:17.306 | DEBUG    | __main__:<module>:20 - Iteration 461: Points 344 (cluster 344) and 350 (cluster 2344) connect at weight=131.0
2025-04-09 19:04:17.307 | DEBUG    | __main__:<module>:20 - Iteration 462: Points 338 (cluster 2413) and 507 (cluster 2381) connect at weight=131.0
2025-04-09 19:04:17.307 | DEBUG    | __main__:<module>:20 - Iteration 463: Points 335 (cluster 2460) and 546 (cluster 2410) connect at weight=131.0
2025-04-09 19:04:17.307 | DEBUG    | __main__:<module>:20 - Iteration 464: Points 326 (cluster 2390) and 376 (cluster 376) connect at weight=131.0
2025-04-09 19:04:17.307 | DEBUG    | __main__:<module>:20 - Iteration 465: Points 308 (cluster 2385) and 649 (cluster 649) connect at weight=131.0
2025-04-09 19:04:17.307 | DEBUG    | __main__:<module>:20 - Iteration 466: Points 299 (cluster 2417) and 105 (cluster 2464) connect at weight=131.0
2025-04-09 19:04:17.308 | DEBUG    | __main__:<module>:20 - Iteration 467: Points 285 (cluster 285) and 141 (cluster 2140) connect at weight=131.0
2025-04-09 19:04:17.308 | DEBUG    | __main__:<module>:20 - Iteration 468: Points 284 (cluster 2162) and 308 (cluster 2465) connect at weight=131.0
2025-04-09 19:04:17.308 | DEBUG    | __main__:<module>:20 - Iteration 469: Points 255 (cluster 2433) and 626 (cluster 626) connect at weight=131.0
2025-04-09 19:04:17.308 | DEBUG    | __main__:<module>:20 - Iteration 470: Points 216 (cluster 2452) and 239 (cluster 2396) connect at weight=131.0
2025-04-09 19:04:17.308 | DEBUG    | __main__:<module>:20 - Iteration 471: Points 209 (cluster 2470) and 372 (cluster 2463) connect at weight=131.0
2025-04-09 19:04:17.309 | DEBUG    | __main__:<module>:20 - Iteration 472: Points 172 (cluster 2355) and 136 (cluster 2371) connect at weight=131.0
2025-04-09 19:04:17.309 | DEBUG    | __main__:<module>:20 - Iteration 473: Points 111 (cluster 2469) and 170 (cluster 170) connect at weight=131.0
2025-04-09 19:04:17.309 | DEBUG    | __main__:<module>:20 - Iteration 474: Points 56 (cluster 2473) and 240 (cluster 2468) connect at weight=131.0
2025-04-09 19:04:17.309 | DEBUG    | __main__:<module>:20 - Iteration 475: Points 784 (cluster 784) and 816 (cluster 816) connect at weight=130.0
2025-04-09 19:04:17.309 | DEBUG    | __main__:<module>:20 - Iteration 476: Points 767 (cluster 767) and 705 (cluster 705) connect at weight=130.0
2025-04-09 19:04:17.309 | DEBUG    | __main__:<module>:20 - Iteration 477: Points 747 (cluster 747) and 783 (cluster 783) connect at weight=130.0
2025-04-09 19:04:17.310 | DEBUG    | __main__:<module>:20 - Iteration 478: Points 746 (cluster 746) and 726 (cluster 726) connect at weight=130.0
2025-04-09 19:04:17.310 | DEBUG    | __main__:<module>:20 - Iteration 479: Points 699 (cluster 699) and 407 (cluster 2425) connect at weight=130.0
2025-04-09 19:04:17.310 | DEBUG    | __main__:<module>:20 - Iteration 480: Points 688 (cluster 688) and 482 (cluster 2414) connect at weight=130.0
2025-04-09 19:04:17.310 | DEBUG    | __main__:<module>:20 - Iteration 481: Points 681 (cluster 681) and 799 (cluster 799) connect at weight=130.0
2025-04-09 19:04:17.310 | DEBUG    | __main__:<module>:20 - Iteration 482: Points 673 (cluster 2436) and 678 (cluster 678) connect at weight=130.0
2025-04-09 19:04:17.311 | DEBUG    | __main__:<module>:20 - Iteration 483: Points 652 (cluster 652) and 589 (cluster 2407) connect at weight=130.0
2025-04-09 19:04:17.311 | DEBUG    | __main__:<module>:20 - Iteration 484: Points 616 (cluster 616) and 480 (cluster 480) connect at weight=130.0
2025-04-09 19:04:17.312 | DEBUG    | __main__:<module>:20 - Iteration 485: Points 614 (cluster 614) and 687 (cluster 687) connect at weight=130.0
2025-04-09 19:04:17.312 | DEBUG    | __main__:<module>:20 - Iteration 486: Points 604 (cluster 604) and 561 (cluster 561) connect at weight=130.0
2025-04-09 19:04:17.312 | DEBUG    | __main__:<module>:20 - Iteration 487: Points 591 (cluster 591) and 696 (cluster 696) connect at weight=130.0
2025-04-09 19:04:17.313 | DEBUG    | __main__:<module>:20 - Iteration 488: Points 571 (cluster 571) and 744 (cluster 744) connect at weight=130.0
2025-04-09 19:04:17.313 | DEBUG    | __main__:<module>:20 - Iteration 489: Points 559 (cluster 2331) and 737 (cluster 737) connect at weight=130.0
2025-04-09 19:04:17.313 | DEBUG    | __main__:<module>:20 - Iteration 490: Points 540 (cluster 2447) and 443 (cluster 443) connect at weight=130.0
2025-04-09 19:04:17.313 | DEBUG    | __main__:<module>:20 - Iteration 491: Points 536 (cluster 2329) and 593 (cluster 593) connect at weight=130.0
2025-04-09 19:04:17.313 | DEBUG    | __main__:<module>:20 - Iteration 492: Points 532 (cluster 532) and 514 (cluster 514) connect at weight=130.0
2025-04-09 19:04:17.313 | DEBUG    | __main__:<module>:20 - Iteration 493: Points 515 (cluster 2424) and 430 (cluster 430) connect at weight=130.0
2025-04-09 19:04:17.314 | DEBUG    | __main__:<module>:20 - Iteration 494: Points 498 (cluster 2472) and 572 (cluster 2446) connect at weight=130.0
2025-04-09 19:04:17.314 | DEBUG    | __main__:<module>:20 - Iteration 495: Points 484 (cluster 2373) and 770 (cluster 770) connect at weight=130.0
2025-04-09 19:04:17.314 | DEBUG    | __main__:<module>:20 - Iteration 496: Points 477 (cluster 2384) and 591 (cluster 2487) connect at weight=130.0
2025-04-09 19:04:17.314 | DEBUG    | __main__:<module>:20 - Iteration 497: Points 458 (cluster 2439) and 586 (cluster 2443) connect at weight=130.0
2025-04-09 19:04:17.314 | DEBUG    | __main__:<module>:20 - Iteration 498: Points 404 (cluster 404) and 809 (cluster 809) connect at weight=130.0
2025-04-09 19:04:17.315 | DEBUG    | __main__:<module>:20 - Iteration 499: Points 399 (cluster 399) and 458 (cluster 2497) connect at weight=130.0
2025-04-09 19:04:17.315 | DEBUG    | __main__:<module>:20 - Iteration 500: Points 391 (cluster 391) and 574 (cluster 574) connect at weight=130.0
2025-04-09 19:04:17.315 | DEBUG    | __main__:<module>:20 - Iteration 501: Points 376 (cluster 2466) and 285 (cluster 2467) connect at weight=130.0
2025-04-09 19:04:17.315 | DEBUG    | __main__:<module>:20 - Iteration 502: Points 371 (cluster 2458) and 490 (cluster 490) connect at weight=130.0
2025-04-09 19:04:17.315 | DEBUG    | __main__:<module>:20 - Iteration 503: Points 361 (cluster 2462) and 465 (cluster 2493) connect at weight=130.0
2025-04-09 19:04:17.316 | DEBUG    | __main__:<module>:20 - Iteration 504: Points 350 (cluster 2461) and 618 (cluster 618) connect at weight=130.0
2025-04-09 19:04:17.316 | DEBUG    | __main__:<module>:20 - Iteration 505: Points 340 (cluster 2455) and 271 (cluster 271) connect at weight=130.0
2025-04-09 19:04:17.316 | DEBUG    | __main__:<module>:20 - Iteration 506: Points 338 (cluster 2503) and 449 (cluster 449) connect at weight=130.0
2025-04-09 19:04:17.316 | DEBUG    | __main__:<module>:20 - Iteration 507: Points 291 (cluster 291) and 745 (cluster 745) connect at weight=130.0
2025-04-09 19:04:17.316 | DEBUG    | __main__:<module>:20 - Iteration 508: Points 289 (cluster 289) and 410 (cluster 2376) connect at weight=130.0
2025-04-09 19:04:17.317 | DEBUG    | __main__:<module>:20 - Iteration 509: Points 243 (cluster 2314) and 537 (cluster 537) connect at weight=130.0
2025-04-09 19:04:17.317 | DEBUG    | __main__:<module>:20 - Iteration 510: Points 220 (cluster 2303) and 283 (cluster 2432) connect at weight=130.0
2025-04-09 19:04:17.317 | DEBUG    | __main__:<module>:20 - Iteration 511: Points 214 (cluster 2321) and 233 (cluster 2397) connect at weight=130.0
2025-04-09 19:04:17.317 | DEBUG    | __main__:<module>:20 - Iteration 512: Points 192 (cluster 2509) and 210 (cluster 2394) connect at weight=130.0
2025-04-09 19:04:17.321 | DEBUG    | __main__:<module>:20 - Iteration 513: Points 190 (cluster 2319) and 660 (cluster 660) connect at weight=130.0
2025-04-09 19:04:17.321 | DEBUG    | __main__:<module>:20 - Iteration 514: Points 185 (cluster 2438) and 19 (cluster 2457) connect at weight=130.0
2025-04-09 19:04:17.321 | DEBUG    | __main__:<module>:20 - Iteration 515: Points 166 (cluster 2431) and 99 (cluster 2459) connect at weight=130.0
2025-04-09 19:04:17.321 | DEBUG    | __main__:<module>:20 - Iteration 516: Points 104 (cluster 2471) and 577 (cluster 577) connect at weight=130.0
2025-04-09 19:04:17.321 | DEBUG    | __main__:<module>:20 - Iteration 517: Points 93 (cluster 2514) and 212 (cluster 2223) connect at weight=130.0
2025-04-09 19:04:17.321 | DEBUG    | __main__:<module>:20 - Iteration 518: Points 83 (cluster 2474) and 262 (cluster 262) connect at weight=130.0
2025-04-09 19:04:17.322 | DEBUG    | __main__:<module>:20 - Iteration 519: Points 78 (cluster 2501) and 126 (cluster 2428) connect at weight=130.0
2025-04-09 19:04:17.322 | DEBUG    | __main__:<module>:20 - Iteration 520: Points 844 (cluster 844) and 702 (cluster 702) connect at weight=129.0
2025-04-09 19:04:17.322 | DEBUG    | __main__:<module>:20 - Iteration 521: Points 761 (cluster 761) and 803 (cluster 803) connect at weight=129.0
2025-04-09 19:04:17.322 | DEBUG    | __main__:<module>:20 - Iteration 522: Points 743 (cluster 2483) and 580 (cluster 2444) connect at weight=129.0
2025-04-09 19:04:17.322 | DEBUG    | __main__:<module>:20 - Iteration 523: Points 742 (cluster 2435) and 818 (cluster 818) connect at weight=129.0
2025-04-09 19:04:17.323 | DEBUG    | __main__:<module>:20 - Iteration 524: Points 742 (cluster 2523) and 354 (cluster 2453) connect at weight=129.0
2025-04-09 19:04:17.323 | DEBUG    | __main__:<module>:20 - Iteration 525: Points 741 (cluster 741) and 681 (cluster 2481) connect at weight=129.0
2025-04-09 19:04:17.323 | DEBUG    | __main__:<module>:20 - Iteration 526: Points 706 (cluster 706) and 614 (cluster 2485) connect at weight=129.0
2025-04-09 19:04:17.323 | DEBUG    | __main__:<module>:20 - Iteration 527: Points 698 (cluster 698) and 552 (cluster 552) connect at weight=129.0
2025-04-09 19:04:17.323 | DEBUG    | __main__:<module>:20 - Iteration 528: Points 656 (cluster 656) and 694 (cluster 694) connect at weight=129.0
2025-04-09 19:04:17.323 | DEBUG    | __main__:<module>:20 - Iteration 529: Points 648 (cluster 2518) and 550 (cluster 550) connect at weight=129.0
2025-04-09 19:04:17.324 | DEBUG    | __main__:<module>:20 - Iteration 530: Points 646 (cluster 646) and 762 (cluster 762) connect at weight=129.0
2025-04-09 19:04:17.324 | DEBUG    | __main__:<module>:20 - Iteration 531: Points 595 (cluster 2451) and 722 (cluster 722) connect at weight=129.0
2025-04-09 19:04:17.324 | DEBUG    | __main__:<module>:20 - Iteration 532: Points 582 (cluster 582) and 771 (cluster 771) connect at weight=129.0
2025-04-09 19:04:17.324 | DEBUG    | __main__:<module>:20 - Iteration 533: Points 578 (cluster 578) and 718 (cluster 718) connect at weight=129.0
2025-04-09 19:04:17.324 | DEBUG    | __main__:<module>:20 - Iteration 534: Points 523 (cluster 523) and 471 (cluster 2450) connect at weight=129.0
2025-04-09 19:04:17.325 | DEBUG    | __main__:<module>:20 - Iteration 535: Points 522 (cluster 522) and 740 (cluster 2524) connect at weight=129.0
2025-04-09 19:04:17.326 | DEBUG    | __main__:<module>:20 - Iteration 536: Points 512 (cluster 2364) and 704 (cluster 704) connect at weight=129.0
2025-04-09 19:04:17.326 | DEBUG    | __main__:<module>:20 - Iteration 537: Points 480 (cluster 2484) and 307 (cluster 307) connect at weight=129.0
2025-04-09 19:04:17.327 | DEBUG    | __main__:<module>:20 - Iteration 538: Points 470 (cluster 2416) and 712 (cluster 712) connect at weight=129.0
2025-04-09 19:04:17.327 | DEBUG    | __main__:<module>:20 - Iteration 539: Points 464 (cluster 464) and 549 (cluster 2409) connect at weight=129.0
2025-04-09 19:04:17.327 | DEBUG    | __main__:<module>:20 - Iteration 540: Points 460 (cluster 460) and 646 (cluster 2530) connect at weight=129.0
2025-04-09 19:04:17.327 | DEBUG    | __main__:<module>:20 - Iteration 541: Points 454 (cluster 454) and 640 (cluster 640) connect at weight=129.0
2025-04-09 19:04:17.327 | DEBUG    | __main__:<module>:20 - Iteration 542: Points 452 (cluster 2516) and 438 (cluster 438) connect at weight=129.0
2025-04-09 19:04:17.328 | DEBUG    | __main__:<module>:20 - Iteration 543: Points 450 (cluster 2375) and 500 (cluster 500) connect at weight=129.0
2025-04-09 19:04:17.328 | DEBUG    | __main__:<module>:20 - Iteration 544: Points 434 (cluster 2515) and 674 (cluster 674) connect at weight=129.0
2025-04-09 19:04:17.328 | DEBUG    | __main__:<module>:20 - Iteration 545: Points 413 (cluster 2505) and 356 (cluster 356) connect at weight=129.0
2025-04-09 19:04:17.328 | DEBUG    | __main__:<module>:20 - Iteration 546: Points 410 (cluster 2508) and 264 (cluster 2262) connect at weight=129.0
2025-04-09 19:04:17.328 | DEBUG    | __main__:<module>:20 - Iteration 547: Points 408 (cluster 2489) and 497 (cluster 497) connect at weight=129.0
2025-04-09 19:04:17.329 | DEBUG    | __main__:<module>:20 - Iteration 548: Points 390 (cluster 390) and 432 (cluster 432) connect at weight=129.0
2025-04-09 19:04:17.329 | DEBUG    | __main__:<module>:20 - Iteration 549: Points 375 (cluster 2510) and 391 (cluster 2500) connect at weight=129.0
2025-04-09 19:04:17.329 | DEBUG    | __main__:<module>:20 - Iteration 550: Points 354 (cluster 2535) and 510 (cluster 510) connect at weight=129.0
2025-04-09 19:04:17.329 | DEBUG    | __main__:<module>:20 - Iteration 551: Points 346 (cluster 2506) and 453 (cluster 453) connect at weight=129.0
2025-04-09 19:04:17.329 | DEBUG    | __main__:<module>:20 - Iteration 552: Points 333 (cluster 2519) and 165 (cluster 2511) connect at weight=129.0
2025-04-09 19:04:17.329 | DEBUG    | __main__:<module>:20 - Iteration 553: Points 322 (cluster 322) and 380 (cluster 2502) connect at weight=129.0
2025-04-09 19:04:17.330 | DEBUG    | __main__:<module>:20 - Iteration 554: Points 309 (cluster 2513) and 399 (cluster 2499) connect at weight=129.0
2025-04-09 19:04:17.330 | DEBUG    | __main__:<module>:20 - Iteration 555: Points 292 (cluster 2529) and 496 (cluster 2551) connect at weight=129.0
2025-04-09 19:04:17.330 | DEBUG    | __main__:<module>:20 - Iteration 556: Points 256 (cluster 2552) and 523 (cluster 2534) connect at weight=129.0
2025-04-09 19:04:17.330 | DEBUG    | __main__:<module>:20 - Iteration 557: Points 249 (cluster 2549) and 418 (cluster 418) connect at weight=129.0
2025-04-09 19:04:17.330 | DEBUG    | __main__:<module>:20 - Iteration 558: Points 238 (cluster 2555) and 412 (cluster 412) connect at weight=129.0
2025-04-09 19:04:17.331 | DEBUG    | __main__:<module>:20 - Iteration 559: Points 148 (cluster 2545) and 447 (cluster 2419) connect at weight=129.0
2025-04-09 19:04:17.331 | DEBUG    | __main__:<module>:20 - Iteration 560: Points 140 (cluster 2542) and 403 (cluster 2544) connect at weight=129.0
2025-04-09 19:04:17.331 | DEBUG    | __main__:<module>:20 - Iteration 561: Points 71 (cluster 2517) and 493 (cluster 2372) connect at weight=129.0
2025-04-09 19:04:17.331 | DEBUG    | __main__:<module>:20 - Iteration 562: Points 56 (cluster 2558) and 542 (cluster 542) connect at weight=129.0
2025-04-09 19:04:17.331 | DEBUG    | __main__:<module>:20 - Iteration 563: Points 20 (cluster 2556) and 73 (cluster 2422) connect at weight=129.0
2025-04-09 19:04:17.332 | DEBUG    | __main__:<module>:20 - Iteration 564: Points 846 (cluster 846) and 739 (cluster 739) connect at weight=128.0
2025-04-09 19:04:17.332 | DEBUG    | __main__:<module>:20 - Iteration 565: Points 792 (cluster 792) and 551 (cluster 551) connect at weight=128.0
2025-04-09 19:04:17.332 | DEBUG    | __main__:<module>:20 - Iteration 566: Points 774 (cluster 774) and 789 (cluster 789) connect at weight=128.0
2025-04-09 19:04:17.332 | DEBUG    | __main__:<module>:20 - Iteration 567: Points 762 (cluster 2540) and 768 (cluster 768) connect at weight=128.0
2025-04-09 19:04:17.332 | DEBUG    | __main__:<module>:20 - Iteration 568: Points 729 (cluster 729) and 792 (cluster 2565) connect at weight=128.0
2025-04-09 19:04:17.332 | DEBUG    | __main__:<module>:20 - Iteration 569: Points 715 (cluster 715) and 732 (cluster 732) connect at weight=128.0
2025-04-09 19:04:17.333 | DEBUG    | __main__:<module>:20 - Iteration 570: Points 701 (cluster 2480) and 680 (cluster 680) connect at weight=128.0
2025-04-09 19:04:17.333 | DEBUG    | __main__:<module>:20 - Iteration 571: Points 697 (cluster 2440) and 548 (cluster 548) connect at weight=128.0
2025-04-09 19:04:17.333 | DEBUG    | __main__:<module>:20 - Iteration 572: Points 654 (cluster 654) and 291 (cluster 2507) connect at weight=128.0
2025-04-09 19:04:17.333 | DEBUG    | __main__:<module>:20 - Iteration 573: Points 645 (cluster 645) and 881 (cluster 881) connect at weight=128.0
2025-04-09 19:04:17.333 | DEBUG    | __main__:<module>:20 - Iteration 574: Points 635 (cluster 635) and 619 (cluster 2536) connect at weight=128.0
2025-04-09 19:04:17.334 | DEBUG    | __main__:<module>:20 - Iteration 575: Points 619 (cluster 2574) and 717 (cluster 2402) connect at weight=128.0
2025-04-09 19:04:17.334 | DEBUG    | __main__:<module>:20 - Iteration 576: Points 619 (cluster 2575) and 389 (cluster 2448) connect at weight=128.0
2025-04-09 19:04:17.334 | DEBUG    | __main__:<module>:20 - Iteration 577: Points 578 (cluster 2533) and 654 (cluster 2572) connect at weight=128.0
2025-04-09 19:04:17.336 | DEBUG    | __main__:<module>:20 - Iteration 578: Points 561 (cluster 2486) and 601 (cluster 601) connect at weight=128.0
2025-04-09 19:04:17.336 | DEBUG    | __main__:<module>:20 - Iteration 579: Points 557 (cluster 2563) and 662 (cluster 662) connect at weight=128.0
2025-04-09 19:04:17.337 | DEBUG    | __main__:<module>:20 - Iteration 580: Points 539 (cluster 2411) and 487 (cluster 2284) connect at weight=128.0
2025-04-09 19:04:17.337 | DEBUG    | __main__:<module>:20 - Iteration 581: Points 514 (cluster 2492) and 536 (cluster 2491) connect at weight=128.0
2025-04-09 19:04:17.337 | DEBUG    | __main__:<module>:20 - Iteration 582: Points 505 (cluster 505) and 679 (cluster 679) connect at weight=128.0
2025-04-09 19:04:17.337 | DEBUG    | __main__:<module>:20 - Iteration 583: Points 490 (cluster 2553) and 137 (cluster 2547) connect at weight=128.0
2025-04-09 19:04:17.338 | DEBUG    | __main__:<module>:20 - Iteration 584: Points 482 (cluster 2570) and 719 (cluster 719) connect at weight=128.0
2025-04-09 19:04:17.338 | DEBUG    | __main__:<module>:20 - Iteration 585: Points 474 (cluster 2383) and 463 (cluster 463) connect at weight=128.0
2025-04-09 19:04:17.338 | DEBUG    | __main__:<module>:20 - Iteration 586: Points 464 (cluster 2539) and 685 (cluster 685) connect at weight=128.0
2025-04-09 19:04:17.338 | DEBUG    | __main__:<module>:20 - Iteration 587: Points 461 (cluster 2579) and 417 (cluster 417) connect at weight=128.0
2025-04-09 19:04:17.338 | DEBUG    | __main__:<module>:20 - Iteration 588: Points 429 (cluster 2560) and 785 (cluster 785) connect at weight=128.0
2025-04-09 19:04:17.338 | DEBUG    | __main__:<module>:20 - Iteration 589: Points 428 (cluster 2426) and 575 (cluster 575) connect at weight=128.0
2025-04-09 19:04:17.339 | DEBUG    | __main__:<module>:20 - Iteration 590: Points 424 (cluster 2420) and 543 (cluster 2580) connect at weight=128.0
2025-04-09 19:04:17.339 | DEBUG    | __main__:<module>:20 - Iteration 591: Points 416 (cluster 416) and 388 (cluster 2494) connect at weight=128.0
2025-04-09 19:04:17.339 | DEBUG    | __main__:<module>:20 - Iteration 592: Points 412 (cluster 2562) and 532 (cluster 2581) connect at weight=128.0
2025-04-09 19:04:17.339 | DEBUG    | __main__:<module>:20 - Iteration 593: Points 385 (cluster 2334) and 452 (cluster 2588) connect at weight=128.0
2025-04-09 19:04:17.339 | DEBUG    | __main__:<module>:20 - Iteration 594: Points 380 (cluster 2583) and 398 (cluster 398) connect at weight=128.0
2025-04-09 19:04:17.340 | DEBUG    | __main__:<module>:20 - Iteration 595: Points 328 (cluster 2395) and 322 (cluster 2594) connect at weight=128.0
2025-04-09 19:04:17.340 | DEBUG    | __main__:<module>:20 - Iteration 596: Points 324 (cluster 2587) and 635 (cluster 2576) connect at weight=128.0
2025-04-09 19:04:17.340 | DEBUG    | __main__:<module>:20 - Iteration 597: Points 311 (cluster 2593) and 367 (cluster 2337) connect at weight=128.0
2025-04-09 19:04:17.340 | DEBUG    | __main__:<module>:20 - Iteration 598: Points 299 (cluster 2596) and 484 (cluster 2495) connect at weight=128.0
2025-04-09 19:04:17.340 | DEBUG    | __main__:<module>:20 - Iteration 599: Points 262 (cluster 2592) and 402 (cluster 402) connect at weight=128.0
2025-04-09 19:04:17.341 | DEBUG    | __main__:<module>:20 - Iteration 600: Points 240 (cluster 2599) and 486 (cluster 486) connect at weight=128.0
2025-04-09 19:04:17.341 | DEBUG    | __main__:<module>:20 - Iteration 601: Points 220 (cluster 2557) and 277 (cluster 2104) connect at weight=128.0
2025-04-09 19:04:17.341 | DEBUG    | __main__:<module>:20 - Iteration 602: Points 173 (cluster 2600) and 85 (cluster 2059) connect at weight=128.0
2025-04-09 19:04:17.341 | DEBUG    | __main__:<module>:20 - Iteration 603: Points 143 (cluster 2597) and 637 (cluster 637) connect at weight=128.0
2025-04-09 19:04:17.341 | DEBUG    | __main__:<module>:20 - Iteration 604: Points 108 (cluster 2602) and 413 (cluster 2559) connect at weight=128.0
2025-04-09 19:04:17.341 | DEBUG    | __main__:<module>:20 - Iteration 605: Points 85 (cluster 2604) and 421 (cluster 2246) connect at weight=128.0
2025-04-09 19:04:17.342 | DEBUG    | __main__:<module>:20 - Iteration 606: Points 885 (cluster 885) and 891 (cluster 891) connect at weight=127.0
2025-04-09 19:04:17.342 | DEBUG    | __main__:<module>:20 - Iteration 607: Points 880 (cluster 880) and 795 (cluster 795) connect at weight=127.0
2025-04-09 19:04:17.342 | DEBUG    | __main__:<module>:20 - Iteration 608: Points 876 (cluster 876) and 854 (cluster 854) connect at weight=127.0
2025-04-09 19:04:17.342 | DEBUG    | __main__:<module>:20 - Iteration 609: Points 864 (cluster 864) and 866 (cluster 866) connect at weight=127.0
2025-04-09 19:04:17.342 | DEBUG    | __main__:<module>:20 - Iteration 610: Points 852 (cluster 852) and 801 (cluster 801) connect at weight=127.0
2025-04-09 19:04:17.344 | DEBUG    | __main__:<module>:20 - Iteration 611: Points 848 (cluster 848) and 899 (cluster 899) connect at weight=127.0
2025-04-09 19:04:17.344 | DEBUG    | __main__:<module>:20 - Iteration 612: Points 826 (cluster 826) and 524 (cluster 524) connect at weight=127.0
2025-04-09 19:04:17.344 | DEBUG    | __main__:<module>:20 - Iteration 613: Points 814 (cluster 814) and 841 (cluster 841) connect at weight=127.0
2025-04-09 19:04:17.344 | DEBUG    | __main__:<module>:20 - Iteration 614: Points 791 (cluster 791) and 887 (cluster 887) connect at weight=127.0
2025-04-09 19:04:17.345 | DEBUG    | __main__:<module>:20 - Iteration 615: Points 780 (cluster 780) and 748 (cluster 748) connect at weight=127.0
2025-04-09 19:04:17.345 | DEBUG    | __main__:<module>:20 - Iteration 616: Points 732 (cluster 2569) and 870 (cluster 870) connect at weight=127.0
2025-04-09 19:04:17.345 | DEBUG    | __main__:<module>:20 - Iteration 617: Points 725 (cluster 725) and 665 (cluster 665) connect at weight=127.0
2025-04-09 19:04:17.345 | DEBUG    | __main__:<module>:20 - Iteration 618: Points 702 (cluster 2520) and 553 (cluster 553) connect at weight=127.0
2025-04-09 19:04:17.345 | DEBUG    | __main__:<module>:20 - Iteration 619: Points 694 (cluster 2528) and 730 (cluster 730) connect at weight=127.0
2025-04-09 19:04:17.346 | DEBUG    | __main__:<module>:20 - Iteration 620: Points 688 (cluster 2584) and 479 (cluster 2601) connect at weight=127.0
2025-04-09 19:04:17.346 | DEBUG    | __main__:<module>:20 - Iteration 621: Points 671 (cluster 2437) and 655 (cluster 655) connect at weight=127.0
2025-04-09 19:04:17.346 | DEBUG    | __main__:<module>:20 - Iteration 622: Points 667 (cluster 667) and 622 (cluster 622) connect at weight=127.0
2025-04-09 19:04:17.346 | DEBUG    | __main__:<module>:20 - Iteration 623: Points 633 (cluster 633) and 859 (cluster 859) connect at weight=127.0
2025-04-09 19:04:17.346 | DEBUG    | __main__:<module>:20 - Iteration 624: Points 631 (cluster 631) and 676 (cluster 676) connect at weight=127.0
2025-04-09 19:04:17.347 | DEBUG    | __main__:<module>:20 - Iteration 625: Points 622 (cluster 2622) and 565 (cluster 565) connect at weight=127.0
2025-04-09 19:04:17.347 | DEBUG    | __main__:<module>:20 - Iteration 626: Points 620 (cluster 620) and 682 (cluster 682) connect at weight=127.0
2025-04-09 19:04:17.347 | DEBUG    | __main__:<module>:20 - Iteration 627: Points 612 (cluster 2550) and 370 (cluster 2496) connect at weight=127.0
2025-04-09 19:04:17.347 | DEBUG    | __main__:<module>:20 - Iteration 628: Points 585 (cluster 585) and 522 (cluster 2627) connect at weight=127.0
2025-04-09 19:04:17.347 | DEBUG    | __main__:<module>:20 - Iteration 629: Points 565 (cluster 2625) and 246 (cluster 2595) connect at weight=127.0
2025-04-09 19:04:17.347 | DEBUG    | __main__:<module>:20 - Iteration 630: Points 563 (cluster 563) and 684 (cluster 684) connect at weight=127.0
2025-04-09 19:04:17.348 | DEBUG    | __main__:<module>:20 - Iteration 631: Points 552 (cluster 2527) and 287 (cluster 2386) connect at weight=127.0
2025-04-09 19:04:17.348 | DEBUG    | __main__:<module>:20 - Iteration 632: Points 491 (cluster 2603) and 556 (cluster 556) connect at weight=127.0
2025-04-09 19:04:17.348 | DEBUG    | __main__:<module>:20 - Iteration 633: Points 481 (cluster 481) and 686 (cluster 686) connect at weight=127.0
2025-04-09 19:04:17.348 | DEBUG    | __main__:<module>:20 - Iteration 634: Points 480 (cluster 2537) and 518 (cluster 518) connect at weight=127.0
2025-04-09 19:04:17.348 | DEBUG    | __main__:<module>:20 - Iteration 635: Points 456 (cluster 2585) and 179 (cluster 2268) connect at weight=127.0
2025-04-09 19:04:17.349 | DEBUG    | __main__:<module>:20 - Iteration 636: Points 427 (cluster 2598) and 706 (cluster 2526) connect at weight=127.0
2025-04-09 19:04:17.349 | DEBUG    | __main__:<module>:20 - Iteration 637: Points 418 (cluster 2620) and 364 (cluster 2589) connect at weight=127.0
2025-04-09 19:04:17.349 | DEBUG    | __main__:<module>:20 - Iteration 638: Points 402 (cluster 2605) and 521 (cluster 521) connect at weight=127.0
2025-04-09 19:04:17.349 | DEBUG    | __main__:<module>:20 - Iteration 639: Points 389 (cluster 2636) and 462 (cluster 2449) connect at weight=127.0
2025-04-09 19:04:17.349 | DEBUG    | __main__:<module>:20 - Iteration 640: Points 366 (cluster 2479) and 838 (cluster 838) connect at weight=127.0
2025-04-09 19:04:17.349 | DEBUG    | __main__:<module>:20 - Iteration 641: Points 365 (cluster 2412) and 733 (cluster 733) connect at weight=127.0
2025-04-09 19:04:17.350 | DEBUG    | __main__:<module>:20 - Iteration 642: Points 356 (cluster 2638) and 405 (cluster 2247) connect at weight=127.0
2025-04-09 19:04:17.350 | DEBUG    | __main__:<module>:20 - Iteration 643: Points 348 (cluster 348) and 125 (cluster 2554) connect at weight=127.0
2025-04-09 19:04:17.350 | DEBUG    | __main__:<module>:20 - Iteration 644: Points 327 (cluster 2512) and 562 (cluster 562) connect at weight=127.0
2025-04-09 19:04:17.350 | DEBUG    | __main__:<module>:20 - Iteration 645: Points 323 (cluster 2642) and 735 (cluster 735) connect at weight=127.0
2025-04-09 19:04:17.351 | DEBUG    | __main__:<module>:20 - Iteration 646: Points 307 (cluster 2634) and 359 (cluster 359) connect at weight=127.0
2025-04-09 19:04:17.351 | DEBUG    | __main__:<module>:20 - Iteration 647: Points 302 (cluster 2631) and 504 (cluster 504) connect at weight=127.0
2025-04-09 19:04:17.351 | DEBUG    | __main__:<module>:20 - Iteration 648: Points 271 (cluster 2645) and 693 (cluster 693) connect at weight=127.0
2025-04-09 19:04:17.351 | DEBUG    | __main__:<module>:20 - Iteration 649: Points 247 (cluster 2637) and 466 (cluster 2632) connect at weight=127.0
2025-04-09 19:04:17.351 | DEBUG    | __main__:<module>:20 - Iteration 650: Points 165 (cluster 2639) and 485 (cluster 485) connect at weight=127.0
2025-04-09 19:04:17.352 | DEBUG    | __main__:<module>:20 - Iteration 651: Points 124 (cluster 2650) and 348 (cluster 2643) connect at weight=127.0
2025-04-09 19:04:17.352 | DEBUG    | __main__:<module>:20 - Iteration 652: Points 921 (cluster 921) and 821 (cluster 821) connect at weight=126.0
2025-04-09 19:04:17.352 | DEBUG    | __main__:<module>:20 - Iteration 653: Points 840 (cluster 840) and 885 (cluster 2606) connect at weight=126.0
2025-04-09 19:04:17.352 | DEBUG    | __main__:<module>:20 - Iteration 654: Points 822 (cluster 822) and 645 (cluster 2573) connect at weight=126.0
2025-04-09 19:04:17.352 | DEBUG    | __main__:<module>:20 - Iteration 655: Points 766 (cluster 766) and 813 (cluster 813) connect at weight=126.0
2025-04-09 19:04:17.353 | DEBUG    | __main__:<module>:20 - Iteration 656: Points 763 (cluster 763) and 628 (cluster 2363) connect at weight=126.0
2025-04-09 19:04:17.353 | DEBUG    | __main__:<module>:20 - Iteration 657: Points 756 (cluster 756) and 842 (cluster 842) connect at weight=126.0
2025-04-09 19:04:17.353 | DEBUG    | __main__:<module>:20 - Iteration 658: Points 733 (cluster 2641) and 600 (cluster 2405) connect at weight=126.0
2025-04-09 19:04:17.353 | DEBUG    | __main__:<module>:20 - Iteration 659: Points 729 (cluster 2568) and 941 (cluster 941) connect at weight=126.0
2025-04-09 19:04:17.353 | DEBUG    | __main__:<module>:20 - Iteration 660: Points 724 (cluster 2621) and 794 (cluster 794) connect at weight=126.0
2025-04-09 19:04:17.353 | DEBUG    | __main__:<module>:20 - Iteration 661: Points 714 (cluster 714) and 756 (cluster 2657) connect at weight=126.0
2025-04-09 19:04:17.354 | DEBUG    | __main__:<module>:20 - Iteration 662: Points 705 (cluster 2476) and 653 (cluster 2571) connect at weight=126.0
2025-04-09 19:04:17.354 | DEBUG    | __main__:<module>:20 - Iteration 663: Points 702 (cluster 2618) and 692 (cluster 692) connect at weight=126.0
2025-04-09 19:04:17.354 | DEBUG    | __main__:<module>:20 - Iteration 664: Points 695 (cluster 695) and 836 (cluster 836) connect at weight=126.0
2025-04-09 19:04:17.354 | DEBUG    | __main__:<module>:20 - Iteration 665: Points 684 (cluster 2630) and 828 (cluster 828) connect at weight=126.0
2025-04-09 19:04:17.357 | DEBUG    | __main__:<module>:20 - Iteration 666: Points 672 (cluster 672) and 826 (cluster 2612) connect at weight=126.0
2025-04-09 19:04:17.357 | DEBUG    | __main__:<module>:20 - Iteration 667: Points 662 (cluster 2651) and 570 (cluster 2543) connect at weight=126.0
2025-04-09 19:04:17.357 | DEBUG    | __main__:<module>:20 - Iteration 668: Points 658 (cluster 658) and 183 (cluster 2138) connect at weight=126.0
2025-04-09 19:04:17.358 | DEBUG    | __main__:<module>:20 - Iteration 669: Points 637 (cluster 2649) and 751 (cluster 751) connect at weight=126.0
2025-04-09 19:04:17.358 | DEBUG    | __main__:<module>:20 - Iteration 670: Points 634 (cluster 2406) and 780 (cluster 2615) connect at weight=126.0
2025-04-09 19:04:17.358 | DEBUG    | __main__:<module>:20 - Iteration 671: Points 621 (cluster 2290) and 688 (cluster 2669) connect at weight=126.0
2025-04-09 19:04:17.358 | DEBUG    | __main__:<module>:20 - Iteration 672: Points 614 (cluster 2667) and 406 (cluster 2377) connect at weight=126.0
2025-04-09 19:04:17.358 | DEBUG    | __main__:<module>:20 - Iteration 673: Points 611 (cluster 611) and 604 (cluster 2578) connect at weight=126.0
2025-04-09 19:04:17.359 | DEBUG    | __main__:<module>:20 - Iteration 674: Points 577 (cluster 2671) and 714 (cluster 2661) connect at weight=126.0
2025-04-09 19:04:17.359 | DEBUG    | __main__:<module>:20 - Iteration 675: Points 574 (cluster 2674) and 615 (cluster 615) connect at weight=126.0
2025-04-09 19:04:17.359 | DEBUG    | __main__:<module>:20 - Iteration 676: Points 569 (cluster 2672) and 468 (cluster 2531) connect at weight=126.0
2025-04-09 19:04:17.359 | DEBUG    | __main__:<module>:20 - Iteration 677: Points 568 (cluster 568) and 711 (cluster 711) connect at weight=126.0
2025-04-09 19:04:17.359 | DEBUG    | __main__:<module>:20 - Iteration 678: Points 531 (cluster 531) and 691 (cluster 691) connect at weight=126.0
2025-04-09 19:04:17.359 | DEBUG    | __main__:<module>:20 - Iteration 679: Points 500 (cluster 2676) and 454 (cluster 2541) connect at weight=126.0
2025-04-09 19:04:17.360 | DEBUG    | __main__:<module>:20 - Iteration 680: Points 499 (cluster 2679) and 658 (cluster 2668) connect at weight=126.0
2025-04-09 19:04:17.360 | DEBUG    | __main__:<module>:20 - Iteration 681: Points 486 (cluster 2648) and 627 (cluster 627) connect at weight=126.0
2025-04-09 19:04:17.360 | DEBUG    | __main__:<module>:20 - Iteration 682: Points 460 (cluster 2567) and 699 (cluster 2640) connect at weight=126.0
2025-04-09 19:04:17.360 | DEBUG    | __main__:<module>:20 - Iteration 683: Points 443 (cluster 2490) and 494 (cluster 494) connect at weight=126.0
2025-04-09 19:04:17.360 | DEBUG    | __main__:<module>:20 - Iteration 684: Points 414 (cluster 2454) and 736 (cluster 736) connect at weight=126.0
2025-04-09 19:04:17.361 | DEBUG    | __main__:<module>:20 - Iteration 685: Points 411 (cluster 2338) and 474 (cluster 2635) connect at weight=126.0
2025-04-09 19:04:17.361 | DEBUG    | __main__:<module>:20 - Iteration 686: Points 359 (cluster 2646) and 437 (cluster 2675) connect at weight=126.0
2025-04-09 19:04:17.361 | DEBUG    | __main__:<module>:20 - Iteration 687: Points 251 (cluster 251) and 636 (cluster 636) connect at weight=126.0
2025-04-09 19:04:17.361 | DEBUG    | __main__:<module>:20 - Iteration 688: Points 208 (cluster 2561) and 460 (cluster 2682) connect at weight=126.0
2025-04-09 19:04:17.361 | DEBUG    | __main__:<module>:20 - Iteration 689: Points 170 (cluster 2681) and 192 (cluster 2644) connect at weight=126.0
2025-04-09 19:04:17.362 | DEBUG    | __main__:<module>:20 - Iteration 690: Points 139 (cluster 2689) and 448 (cluster 448) connect at weight=126.0
2025-04-09 19:04:17.362 | DEBUG    | __main__:<module>:20 - Iteration 691: Points 133 (cluster 2690) and 624 (cluster 624) connect at weight=126.0
2025-04-09 19:04:17.362 | DEBUG    | __main__:<module>:20 - Iteration 692: Points 85 (cluster 2691) and 337 (cluster 2158) connect at weight=126.0
2025-04-09 19:04:17.362 | DEBUG    | __main__:<module>:20 - Iteration 693: Points 1006 (cluster 1006) and 978 (cluster 978) connect at weight=125.0
2025-04-09 19:04:17.362 | DEBUG    | __main__:<module>:20 - Iteration 694: Points 940 (cluster 940) and 851 (cluster 851) connect at weight=125.0
2025-04-09 19:04:17.363 | DEBUG    | __main__:<module>:20 - Iteration 695: Points 936 (cluster 936) and 960 (cluster 960) connect at weight=125.0
2025-04-09 19:04:17.363 | DEBUG    | __main__:<module>:20 - Iteration 696: Points 934 (cluster 934) and 991 (cluster 991) connect at weight=125.0
2025-04-09 19:04:17.363 | DEBUG    | __main__:<module>:20 - Iteration 697: Points 837 (cluster 837) and 786 (cluster 786) connect at weight=125.0
2025-04-09 19:04:17.363 | DEBUG    | __main__:<module>:20 - Iteration 698: Points 823 (cluster 823) and 901 (cluster 901) connect at weight=125.0
2025-04-09 19:04:17.363 | DEBUG    | __main__:<module>:20 - Iteration 699: Points 819 (cluster 819) and 664 (cluster 2441) connect at weight=125.0
2025-04-09 19:04:17.364 | DEBUG    | __main__:<module>:20 - Iteration 700: Points 802 (cluster 802) and 864 (cluster 2609) connect at weight=125.0
2025-04-09 19:04:17.364 | DEBUG    | __main__:<module>:20 - Iteration 701: Points 801 (cluster 2610) and 829 (cluster 829) connect at weight=125.0
2025-04-09 19:04:17.364 | DEBUG    | __main__:<module>:20 - Iteration 702: Points 800 (cluster 800) and 741 (cluster 2525) connect at weight=125.0
2025-04-09 19:04:17.364 | DEBUG    | __main__:<module>:20 - Iteration 703: Points 776 (cluster 776) and 764 (cluster 764) connect at weight=125.0
2025-04-09 19:04:17.364 | DEBUG    | __main__:<module>:20 - Iteration 704: Points 758 (cluster 758) and 779 (cluster 779) connect at weight=125.0
2025-04-09 19:04:17.364 | DEBUG    | __main__:<module>:20 - Iteration 705: Points 745 (cluster 2577) and 907 (cluster 907) connect at weight=125.0
2025-04-09 19:04:17.365 | DEBUG    | __main__:<module>:20 - Iteration 706: Points 735 (cluster 2692) and 667 (cluster 2629) connect at weight=125.0
2025-04-09 19:04:17.365 | DEBUG    | __main__:<module>:20 - Iteration 707: Points 732 (cluster 2616) and 845 (cluster 845) connect at weight=125.0
2025-04-09 19:04:17.365 | DEBUG    | __main__:<module>:20 - Iteration 708: Points 696 (cluster 2628) and 672 (cluster 2666) connect at weight=125.0
2025-04-09 19:04:17.365 | DEBUG    | __main__:<module>:20 - Iteration 709: Points 694 (cluster 2619) and 773 (cluster 773) connect at weight=125.0
2025-04-09 19:04:17.365 | DEBUG    | __main__:<module>:20 - Iteration 710: Points 694 (cluster 2709) and 749 (cluster 749) connect at weight=125.0
2025-04-09 19:04:17.366 | DEBUG    | __main__:<module>:20 - Iteration 711: Points 689 (cluster 2680) and 505 (cluster 2582) connect at weight=125.0
2025-04-09 19:04:17.366 | DEBUG    | __main__:<module>:20 - Iteration 712: Points 682 (cluster 2626) and 819 (cluster 2699) connect at weight=125.0
2025-04-09 19:04:17.368 | DEBUG    | __main__:<module>:20 - Iteration 713: Points 677 (cluster 2408) and 638 (cluster 638) connect at weight=125.0
2025-04-09 19:04:17.368 | DEBUG    | __main__:<module>:20 - Iteration 714: Points 676 (cluster 2624) and 578 (cluster 2705) connect at weight=125.0
2025-04-09 19:04:17.368 | DEBUG    | __main__:<module>:20 - Iteration 715: Points 675 (cluster 675) and 805 (cluster 805) connect at weight=125.0
2025-04-09 19:04:17.369 | DEBUG    | __main__:<module>:20 - Iteration 716: Points 669 (cluster 669) and 710 (cluster 710) connect at weight=125.0
2025-04-09 19:04:17.369 | DEBUG    | __main__:<module>:20 - Iteration 717: Points 652 (cluster 2522) and 571 (cluster 2488) connect at weight=125.0
2025-04-09 19:04:17.369 | DEBUG    | __main__:<module>:20 - Iteration 718: Points 598 (cluster 598) and 721 (cluster 721) connect at weight=125.0
2025-04-09 19:04:17.369 | DEBUG    | __main__:<module>:20 - Iteration 719: Points 572 (cluster 2591) and 897 (cluster 897) connect at weight=125.0
2025-04-09 19:04:17.369 | DEBUG    | __main__:<module>:20 - Iteration 720: Points 571 (cluster 2717) and 767 (cluster 2662) connect at weight=125.0
2025-04-09 19:04:17.370 | DEBUG    | __main__:<module>:20 - Iteration 721: Points 561 (cluster 2673) and 630 (cluster 2442) connect at weight=125.0
2025-04-09 19:04:17.370 | DEBUG    | __main__:<module>:20 - Iteration 722: Points 556 (cluster 2686) and 529 (cluster 529) connect at weight=125.0
2025-04-09 19:04:17.370 | DEBUG    | __main__:<module>:20 - Iteration 723: Points 541 (cluster 2328) and 344 (cluster 2504) connect at weight=125.0
2025-04-09 19:04:17.370 | DEBUG    | __main__:<module>:20 - Iteration 724: Points 537 (cluster 2706) and 775 (cluster 775) connect at weight=125.0
2025-04-09 19:04:17.370 | DEBUG    | __main__:<module>:20 - Iteration 725: Points 531 (cluster 2678) and 894 (cluster 894) connect at weight=125.0
2025-04-09 19:04:17.371 | DEBUG    | __main__:<module>:20 - Iteration 726: Points 526 (cluster 2711) and 585 (cluster 2708) connect at weight=125.0
2025-04-09 19:04:17.371 | DEBUG    | __main__:<module>:20 - Iteration 727: Points 498 (cluster 2719) and 911 (cluster 911) connect at weight=125.0
2025-04-09 19:04:17.371 | DEBUG    | __main__:<module>:20 - Iteration 728: Points 497 (cluster 2724) and 629 (cluster 629) connect at weight=125.0
2025-04-09 19:04:17.371 | DEBUG    | __main__:<module>:20 - Iteration 729: Points 494 (cluster 2683) and 652 (cluster 2720) connect at weight=125.0
2025-04-09 19:04:17.371 | DEBUG    | __main__:<module>:20 - Iteration 730: Points 490 (cluster 2728) and 501 (cluster 501) connect at weight=125.0
2025-04-09 19:04:17.372 | DEBUG    | __main__:<module>:20 - Iteration 731: Points 434 (cluster 2722) and 251 (cluster 2687) connect at weight=125.0
2025-04-09 19:04:17.372 | DEBUG    | __main__:<module>:20 - Iteration 732: Points 430 (cluster 2730) and 855 (cluster 855) connect at weight=125.0
2025-04-09 19:04:17.372 | DEBUG    | __main__:<module>:20 - Iteration 733: Points 425 (cluster 2732) and 598 (cluster 2718) connect at weight=125.0
2025-04-09 19:04:17.372 | DEBUG    | __main__:<module>:20 - Iteration 734: Points 420 (cluster 2368) and 444 (cluster 444) connect at weight=125.0
2025-04-09 19:04:17.372 | DEBUG    | __main__:<module>:20 - Iteration 735: Points 399 (cluster 2726) and 790 (cluster 790) connect at weight=125.0
2025-04-09 19:04:17.372 | DEBUG    | __main__:<module>:20 - Iteration 736: Points 394 (cluster 2735) and 616 (cluster 2731) connect at weight=125.0
2025-04-09 19:04:17.373 | DEBUG    | __main__:<module>:20 - Iteration 737: Points 363 (cluster 2736) and 464 (cluster 2586) connect at weight=125.0
2025-04-09 19:04:17.373 | DEBUG    | __main__:<module>:20 - Iteration 738: Points 349 (cluster 2737) and 893 (cluster 893) connect at weight=125.0
2025-04-09 19:04:17.373 | DEBUG    | __main__:<module>:20 - Iteration 739: Points 335 (cluster 2738) and 632 (cluster 632) connect at weight=125.0
2025-04-09 19:04:17.373 | DEBUG    | __main__:<module>:20 - Iteration 740: Points 319 (cluster 2739) and 810 (cluster 810) connect at weight=125.0
2025-04-09 19:04:17.373 | DEBUG    | __main__:<module>:20 - Iteration 741: Points 282 (cluster 2546) and 534 (cluster 534) connect at weight=125.0
2025-04-09 19:04:17.374 | DEBUG    | __main__:<module>:20 - Iteration 742: Points 229 (cluster 2188) and 715 (cluster 2707) connect at weight=125.0
2025-04-09 19:04:17.374 | DEBUG    | __main__:<module>:20 - Iteration 743: Points 118 (cluster 2733) and 411 (cluster 2685) connect at weight=125.0
2025-04-09 19:04:17.374 | DEBUG    | __main__:<module>:20 - Iteration 744: Points 83 (cluster 2743) and 541 (cluster 2723) connect at weight=125.0
2025-04-09 19:04:17.374 | DEBUG    | __main__:<module>:20 - Iteration 745: Points 976 (cluster 976) and 889 (cluster 889) connect at weight=124.0
2025-04-09 19:04:17.374 | DEBUG    | __main__:<module>:20 - Iteration 746: Points 947 (cluster 947) and 909 (cluster 909) connect at weight=124.0
2025-04-09 19:04:17.375 | DEBUG    | __main__:<module>:20 - Iteration 747: Points 932 (cluster 932) and 952 (cluster 952) connect at weight=124.0
2025-04-09 19:04:17.375 | DEBUG    | __main__:<module>:20 - Iteration 748: Points 924 (cluster 924) and 913 (cluster 913) connect at weight=124.0
2025-04-09 19:04:17.375 | DEBUG    | __main__:<module>:20 - Iteration 749: Points 906 (cluster 906) and 843 (cluster 843) connect at weight=124.0
2025-04-09 19:04:17.375 | DEBUG    | __main__:<module>:20 - Iteration 750: Points 897 (cluster 2727) and 906 (cluster 2749) connect at weight=124.0
2025-04-09 19:04:17.375 | DEBUG    | __main__:<module>:20 - Iteration 751: Points 870 (cluster 2742) and 853 (cluster 853) connect at weight=124.0
2025-04-09 19:04:17.375 | DEBUG    | __main__:<module>:20 - Iteration 752: Points 847 (cluster 847) and 723 (cluster 723) connect at weight=124.0
2025-04-09 19:04:17.376 | DEBUG    | __main__:<module>:20 - Iteration 753: Points 812 (cluster 812) and 875 (cluster 875) connect at weight=124.0
2025-04-09 19:04:17.376 | DEBUG    | __main__:<module>:20 - Iteration 754: Points 738 (cluster 738) and 817 (cluster 817) connect at weight=124.0
2025-04-09 19:04:17.376 | DEBUG    | __main__:<module>:20 - Iteration 755: Points 736 (cluster 2684) and 892 (cluster 892) connect at weight=124.0
2025-04-09 19:04:17.376 | DEBUG    | __main__:<module>:20 - Iteration 756: Points 720 (cluster 720) and 738 (cluster 2754) connect at weight=124.0
2025-04-09 19:04:17.376 | DEBUG    | __main__:<module>:20 - Iteration 757: Points 690 (cluster 690) and 625 (cluster 625) connect at weight=124.0
2025-04-09 19:04:17.377 | DEBUG    | __main__:<module>:20 - Iteration 758: Points 683 (cluster 2744) and 774 (cluster 2566) connect at weight=124.0
2025-04-09 19:04:17.377 | DEBUG    | __main__:<module>:20 - Iteration 759: Points 672 (cluster 2740) and 824 (cluster 824) connect at weight=124.0
2025-04-09 19:04:17.377 | DEBUG    | __main__:<module>:20 - Iteration 760: Points 668 (cluster 668) and 631 (cluster 2714) connect at weight=124.0
2025-04-09 19:04:17.377 | DEBUG    | __main__:<module>:20 - Iteration 761: Points 666 (cluster 2658) and 844 (cluster 2663) connect at weight=124.0
2025-04-09 19:04:17.377 | DEBUG    | __main__:<module>:20 - Iteration 762: Points 666 (cluster 2761) and 720 (cluster 2756) connect at weight=124.0
2025-04-09 19:04:17.377 | DEBUG    | __main__:<module>:20 - Iteration 763: Points 665 (cluster 2617) and 663 (cluster 663) connect at weight=124.0
2025-04-09 19:04:17.378 | DEBUG    | __main__:<module>:20 - Iteration 764: Points 662 (cluster 2759) and 568 (cluster 2677) connect at weight=124.0
2025-04-09 19:04:17.378 | DEBUG    | __main__:<module>:20 - Iteration 765: Points 660 (cluster 2764) and 669 (cluster 2716) connect at weight=124.0
2025-04-09 19:04:17.378 | DEBUG    | __main__:<module>:20 - Iteration 766: Points 651 (cluster 2765) and 1009 (cluster 1009) connect at weight=124.0
2025-04-09 19:04:17.378 | DEBUG    | __main__:<module>:20 - Iteration 767: Points 617 (cluster 617) and 784 (cluster 2475) connect at weight=124.0
2025-04-09 19:04:17.379 | DEBUG    | __main__:<module>:20 - Iteration 768: Points 605 (cluster 605) and 695 (cluster 2664) connect at weight=124.0
2025-04-09 19:04:17.379 | DEBUG    | __main__:<module>:20 - Iteration 769: Points 590 (cluster 2688) and 544 (cluster 2734) connect at weight=124.0
2025-04-09 19:04:17.379 | DEBUG    | __main__:<module>:20 - Iteration 770: Points 584 (cluster 584) and 414 (cluster 2755) connect at weight=124.0
2025-04-09 19:04:17.379 | DEBUG    | __main__:<module>:20 - Iteration 771: Points 553 (cluster 2762) and 670 (cluster 2769) connect at weight=124.0
2025-04-09 19:04:17.379 | DEBUG    | __main__:<module>:20 - Iteration 772: Points 548 (cluster 2729) and 472 (cluster 2415) connect at weight=124.0
2025-04-09 19:04:17.379 | DEBUG    | __main__:<module>:20 - Iteration 773: Points 547 (cluster 547) and 668 (cluster 2760) connect at weight=124.0
2025-04-09 19:04:17.382 | DEBUG    | __main__:<module>:20 - Iteration 774: Points 547 (cluster 2773) and 584 (cluster 2770) connect at weight=124.0
2025-04-09 19:04:17.383 | DEBUG    | __main__:<module>:20 - Iteration 775: Points 530 (cluster 2766) and 830 (cluster 830) connect at weight=124.0
2025-04-09 19:04:17.383 | DEBUG    | __main__:<module>:20 - Iteration 776: Points 505 (cluster 2775) and 750 (cluster 750) connect at weight=124.0
2025-04-09 19:04:17.383 | DEBUG    | __main__:<module>:20 - Iteration 777: Points 504 (cluster 2647) and 289 (cluster 2741) connect at weight=124.0
2025-04-09 19:04:17.383 | DEBUG    | __main__:<module>:20 - Iteration 778: Points 503 (cluster 2776) and 607 (cluster 607) connect at weight=124.0
2025-04-09 19:04:17.383 | DEBUG    | __main__:<module>:20 - Iteration 779: Points 488 (cluster 2771) and 725 (cluster 2763) connect at weight=124.0
2025-04-09 19:04:17.384 | DEBUG    | __main__:<module>:20 - Iteration 780: Points 485 (cluster 2778) and 547 (cluster 2774) connect at weight=124.0
2025-04-09 19:04:17.384 | DEBUG    | __main__:<module>:20 - Iteration 781: Points 381 (cluster 2780) and 882 (cluster 882) connect at weight=124.0
2025-04-09 19:04:17.384 | DEBUG    | __main__:<module>:20 - Iteration 782: Points 329 (cluster 2781) and 802 (cluster 2700) connect at weight=124.0
2025-04-09 19:04:17.384 | DEBUG    | __main__:<module>:20 - Iteration 783: Points 308 (cluster 2758) and 815 (cluster 815) connect at weight=124.0
2025-04-09 19:04:17.384 | DEBUG    | __main__:<module>:20 - Iteration 784: Points 265 (cluster 265) and 675 (cluster 2715) connect at weight=124.0
2025-04-09 19:04:17.385 | DEBUG    | __main__:<module>:20 - Iteration 785: Points 985 (cluster 985) and 1000 (cluster 1000) connect at weight=123.0
2025-04-09 19:04:17.385 | DEBUG    | __main__:<module>:20 - Iteration 786: Points 975 (cluster 975) and 966 (cluster 966) connect at weight=123.0
2025-04-09 19:04:17.385 | DEBUG    | __main__:<module>:20 - Iteration 787: Points 918 (cluster 918) and 992 (cluster 992) connect at weight=123.0
2025-04-09 19:04:17.385 | DEBUG    | __main__:<module>:20 - Iteration 788: Points 915 (cluster 915) and 914 (cluster 914) connect at weight=123.0
2025-04-09 19:04:17.385 | DEBUG    | __main__:<module>:20 - Iteration 789: Points 867 (cluster 867) and 916 (cluster 916) connect at weight=123.0
2025-04-09 19:04:17.386 | DEBUG    | __main__:<module>:20 - Iteration 790: Points 821 (cluster 2652) and 959 (cluster 959) connect at weight=123.0
2025-04-09 19:04:17.386 | DEBUG    | __main__:<module>:20 - Iteration 791: Points 820 (cluster 820) and 932 (cluster 2747) connect at weight=123.0
2025-04-09 19:04:17.386 | DEBUG    | __main__:<module>:20 - Iteration 792: Points 817 (cluster 2779) and 806 (cluster 806) connect at weight=123.0
2025-04-09 19:04:17.386 | DEBUG    | __main__:<module>:20 - Iteration 793: Points 804 (cluster 804) and 825 (cluster 825) connect at weight=123.0
2025-04-09 19:04:17.387 | DEBUG    | __main__:<module>:20 - Iteration 794: Points 801 (cluster 2701) and 766 (cluster 2655) connect at weight=123.0
2025-04-09 19:04:17.387 | DEBUG    | __main__:<module>:20 - Iteration 795: Points 764 (cluster 2703) and 943 (cluster 943) connect at weight=123.0
2025-04-09 19:04:17.388 | DEBUG    | __main__:<module>:20 - Iteration 796: Points 750 (cluster 2782) and 620 (cluster 2712) connect at weight=123.0
2025-04-09 19:04:17.388 | DEBUG    | __main__:<module>:20 - Iteration 797: Points 733 (cluster 2792) and 776 (cluster 2795) connect at weight=123.0
2025-04-09 19:04:17.388 | DEBUG    | __main__:<module>:20 - Iteration 798: Points 730 (cluster 2710) and 923 (cluster 923) connect at weight=123.0
2025-04-09 19:04:17.388 | DEBUG    | __main__:<module>:20 - Iteration 799: Points 721 (cluster 2783) and 997 (cluster 997) connect at weight=123.0
2025-04-09 19:04:17.388 | DEBUG    | __main__:<module>:20 - Iteration 800: Points 696 (cluster 2796) and 608 (cluster 608) connect at weight=123.0
2025-04-09 19:04:17.389 | DEBUG    | __main__:<module>:20 - Iteration 801: Points 639 (cluster 2797) and 995 (cluster 995) connect at weight=123.0
2025-04-09 19:04:17.389 | DEBUG    | __main__:<module>:20 - Iteration 802: Points 627 (cluster 2799) and 633 (cluster 2623) connect at weight=123.0
2025-04-09 19:04:17.389 | DEBUG    | __main__:<module>:20 - Iteration 803: Points 567 (cluster 2772) and 709 (cluster 709) connect at weight=123.0
2025-04-09 19:04:17.389 | DEBUG    | __main__:<module>:20 - Iteration 804: Points 553 (cluster 2801) and 423 (cluster 423) connect at weight=123.0
2025-04-09 19:04:17.389 | DEBUG    | __main__:<module>:20 - Iteration 805: Points 548 (cluster 2803) and 782 (cluster 782) connect at weight=123.0
2025-04-09 19:04:17.389 | DEBUG    | __main__:<module>:20 - Iteration 806: Points 516 (cluster 2802) and 416 (cluster 2750) connect at weight=123.0
2025-04-09 19:04:17.390 | DEBUG    | __main__:<module>:20 - Iteration 807: Points 508 (cluster 2713) and 908 (cluster 908) connect at weight=123.0
2025-04-09 19:04:17.390 | DEBUG    | __main__:<module>:20 - Iteration 808: Points 464 (cluster 2800) and 833 (cluster 833) connect at weight=123.0
2025-04-09 19:04:17.390 | DEBUG    | __main__:<module>:20 - Iteration 809: Points 372 (cluster 2808) and 698 (cluster 2777) connect at weight=123.0
2025-04-09 19:04:17.390 | DEBUG    | __main__:<module>:20 - Iteration 810: Points 312 (cluster 2806) and 229 (cluster 2751) connect at weight=123.0
2025-04-09 19:04:17.390 | DEBUG    | __main__:<module>:20 - Iteration 811: Points 249 (cluster 2809) and 924 (cluster 2748) connect at weight=123.0
2025-04-09 19:04:17.391 | DEBUG    | __main__:<module>:20 - Iteration 812: Points 237 (cluster 2810) and 390 (cluster 2548) connect at weight=123.0
2025-04-09 19:04:17.391 | DEBUG    | __main__:<module>:20 - Iteration 813: Points 230 (cluster 2812) and 470 (cluster 2538) connect at weight=123.0
2025-04-09 19:04:17.391 | DEBUG    | __main__:<module>:20 - Iteration 814: Points 198 (cluster 2811) and 525 (cluster 525) connect at weight=123.0
2025-04-09 19:04:17.391 | DEBUG    | __main__:<module>:20 - Iteration 815: Points 1107 (cluster 1107) and 1096 (cluster 1096) connect at weight=122.0
2025-04-09 19:04:17.391 | DEBUG    | __main__:<module>:20 - Iteration 816: Points 1099 (cluster 1099) and 986 (cluster 986) connect at weight=122.0
2025-04-09 19:04:17.391 | DEBUG    | __main__:<module>:20 - Iteration 817: Points 1040 (cluster 1040) and 1109 (cluster 1109) connect at weight=122.0
2025-04-09 19:04:17.392 | DEBUG    | __main__:<module>:20 - Iteration 818: Points 1035 (cluster 1035) and 1100 (cluster 1100) connect at weight=122.0
2025-04-09 19:04:17.392 | DEBUG    | __main__:<module>:20 - Iteration 819: Points 1008 (cluster 1008) and 971 (cluster 971) connect at weight=122.0
2025-04-09 19:04:17.392 | DEBUG    | __main__:<module>:20 - Iteration 820: Points 1002 (cluster 1002) and 1073 (cluster 1073) connect at weight=122.0
2025-04-09 19:04:17.392 | DEBUG    | __main__:<module>:20 - Iteration 821: Points 999 (cluster 999) and 765 (cluster 765) connect at weight=122.0
2025-04-09 19:04:17.394 | DEBUG    | __main__:<module>:20 - Iteration 822: Points 997 (cluster 2813) and 922 (cluster 922) connect at weight=122.0
2025-04-09 19:04:17.394 | DEBUG    | __main__:<module>:20 - Iteration 823: Points 961 (cluster 961) and 869 (cluster 869) connect at weight=122.0
2025-04-09 19:04:17.394 | DEBUG    | __main__:<module>:20 - Iteration 824: Points 957 (cluster 957) and 1021 (cluster 1021) connect at weight=122.0
2025-04-09 19:04:17.394 | DEBUG    | __main__:<module>:20 - Iteration 825: Points 956 (cluster 956) and 969 (cluster 969) connect at weight=122.0
2025-04-09 19:04:17.395 | DEBUG    | __main__:<module>:20 - Iteration 826: Points 938 (cluster 938) and 975 (cluster 2786) connect at weight=122.0
2025-04-09 19:04:17.395 | DEBUG    | __main__:<module>:20 - Iteration 827: Points 916 (cluster 2789) and 1026 (cluster 1026) connect at weight=122.0
2025-04-09 19:04:17.395 | DEBUG    | __main__:<module>:20 - Iteration 828: Points 904 (cluster 904) and 753 (cluster 753) connect at weight=122.0
2025-04-09 19:04:17.395 | DEBUG    | __main__:<module>:20 - Iteration 829: Points 896 (cluster 896) and 950 (cluster 950) connect at weight=122.0
2025-04-09 19:04:17.395 | DEBUG    | __main__:<module>:20 - Iteration 830: Points 892 (cluster 2814) and 931 (cluster 931) connect at weight=122.0
2025-04-09 19:04:17.395 | DEBUG    | __main__:<module>:20 - Iteration 831: Points 890 (cluster 890) and 980 (cluster 980) connect at weight=122.0
2025-04-09 19:04:17.396 | DEBUG    | __main__:<module>:20 - Iteration 832: Points 878 (cluster 878) and 729 (cluster 2659) connect at weight=122.0
2025-04-09 19:04:17.396 | DEBUG    | __main__:<module>:20 - Iteration 833: Points 853 (cluster 2822) and 1032 (cluster 1032) connect at weight=122.0
2025-04-09 19:04:17.396 | DEBUG    | __main__:<module>:20 - Iteration 834: Points 839 (cluster 839) and 778 (cluster 778) connect at weight=122.0
2025-04-09 19:04:17.397 | DEBUG    | __main__:<module>:20 - Iteration 835: Points 795 (cluster 2607) and 797 (cluster 797) connect at weight=122.0
2025-04-09 19:04:17.397 | DEBUG    | __main__:<module>:20 - Iteration 836: Points 786 (cluster 2697) and 759 (cluster 759) connect at weight=122.0
2025-04-09 19:04:17.397 | DEBUG    | __main__:<module>:20 - Iteration 837: Points 781 (cluster 781) and 755 (cluster 755) connect at weight=122.0
2025-04-09 19:04:17.397 | DEBUG    | __main__:<module>:20 - Iteration 838: Points 770 (cluster 2830) and 895 (cluster 895) connect at weight=122.0
2025-04-09 19:04:17.398 | DEBUG    | __main__:<module>:20 - Iteration 839: Points 768 (cluster 2804) and 1053 (cluster 1053) connect at weight=122.0
2025-04-09 19:04:17.398 | DEBUG    | __main__:<module>:20 - Iteration 840: Points 767 (cluster 2805) and 921 (cluster 2790) connect at weight=122.0
2025-04-09 19:04:17.398 | DEBUG    | __main__:<module>:20 - Iteration 841: Points 762 (cluster 2839) and 988 (cluster 988) connect at weight=122.0
2025-04-09 19:04:17.398 | DEBUG    | __main__:<module>:20 - Iteration 842: Points 753 (cluster 2828) and 976 (cluster 2745) connect at weight=122.0
2025-04-09 19:04:17.398 | DEBUG    | __main__:<module>:20 - Iteration 843: Points 749 (cluster 2798) and 929 (cluster 929) connect at weight=122.0
2025-04-09 19:04:17.398 | DEBUG    | __main__:<module>:20 - Iteration 844: Points 707 (cluster 707) and 902 (cluster 902) connect at weight=122.0
2025-04-09 19:04:17.399 | DEBUG    | __main__:<module>:20 - Iteration 845: Points 651 (cluster 2838) and 972 (cluster 972) connect at weight=122.0
2025-04-09 19:04:17.399 | DEBUG    | __main__:<module>:20 - Iteration 846: Points 629 (cluster 2833) and 461 (cluster 2845) connect at weight=122.0
2025-04-09 19:04:17.399 | DEBUG    | __main__:<module>:20 - Iteration 847: Points 607 (cluster 2846) and 606 (cluster 606) connect at weight=122.0
2025-04-09 19:04:17.399 | DEBUG    | __main__:<module>:20 - Iteration 848: Points 582 (cluster 2532) and 761 (cluster 2521) connect at weight=122.0
2025-04-09 19:04:17.399 | DEBUG    | __main__:<module>:20 - Iteration 849: Points 529 (cluster 2847) and 812 (cluster 2753) connect at weight=122.0
2025-04-09 19:04:17.400 | DEBUG    | __main__:<module>:20 - Iteration 850: Points 493 (cluster 2841) and 896 (cluster 2829) connect at weight=122.0
2025-04-09 19:04:17.400 | DEBUG    | __main__:<module>:20 - Iteration 851: Points 457 (cluster 2850) and 1035 (cluster 2818) connect at weight=122.0
2025-04-09 19:04:17.400 | DEBUG    | __main__:<module>:20 - Iteration 852: Points 370 (cluster 2849) and 439 (cluster 2182) connect at weight=122.0
2025-04-09 19:04:17.400 | DEBUG    | __main__:<module>:20 - Iteration 853: Points 344 (cluster 2852) and 860 (cluster 860) connect at weight=122.0
2025-04-09 19:04:17.400 | DEBUG    | __main__:<module>:20 - Iteration 854: Points 1098 (cluster 1098) and 1135 (cluster 1135) connect at weight=121.0
2025-04-09 19:04:17.400 | DEBUG    | __main__:<module>:20 - Iteration 855: Points 1057 (cluster 1057) and 1072 (cluster 1072) connect at weight=121.0
2025-04-09 19:04:17.401 | DEBUG    | __main__:<module>:20 - Iteration 856: Points 1000 (cluster 2785) and 886 (cluster 886) connect at weight=121.0
2025-04-09 19:04:17.401 | DEBUG    | __main__:<module>:20 - Iteration 857: Points 971 (cluster 2819) and 1002 (cluster 2820) connect at weight=121.0
2025-04-09 19:04:17.401 | DEBUG    | __main__:<module>:20 - Iteration 858: Points 960 (cluster 2695) and 708 (cluster 708) connect at weight=121.0
2025-04-09 19:04:17.401 | DEBUG    | __main__:<module>:20 - Iteration 859: Points 959 (cluster 2840) and 1087 (cluster 1087) connect at weight=121.0
2025-04-09 19:04:17.402 | DEBUG    | __main__:<module>:20 - Iteration 860: Points 937 (cluster 937) and 1044 (cluster 1044) connect at weight=121.0
2025-04-09 19:04:17.402 | DEBUG    | __main__:<module>:20 - Iteration 861: Points 923 (cluster 2843) and 781 (cluster 2837) connect at weight=121.0
2025-04-09 19:04:17.403 | DEBUG    | __main__:<module>:20 - Iteration 862: Points 919 (cluster 919) and 918 (cluster 2787) connect at weight=121.0
2025-04-09 19:04:17.404 | DEBUG    | __main__:<module>:20 - Iteration 863: Points 913 (cluster 2853) and 1030 (cluster 1030) connect at weight=121.0
2025-04-09 19:04:17.404 | DEBUG    | __main__:<module>:20 - Iteration 864: Points 906 (cluster 2863) and 835 (cluster 835) connect at weight=121.0
2025-04-09 19:04:17.404 | DEBUG    | __main__:<module>:20 - Iteration 865: Points 871 (cluster 871) and 1020 (cluster 1020) connect at weight=121.0
2025-04-09 19:04:17.405 | DEBUG    | __main__:<module>:20 - Iteration 866: Points 869 (cluster 2823) and 811 (cluster 811) connect at weight=121.0
2025-04-09 19:04:17.405 | DEBUG    | __main__:<module>:20 - Iteration 867: Points 853 (cluster 2864) and 1106 (cluster 1106) connect at weight=121.0
2025-04-09 19:04:17.405 | DEBUG    | __main__:<module>:20 - Iteration 868: Points 850 (cluster 850) and 954 (cluster 954) connect at weight=121.0
2025-04-09 19:04:17.405 | DEBUG    | __main__:<module>:20 - Iteration 869: Points 832 (cluster 832) and 814 (cluster 2613) connect at weight=121.0
2025-04-09 19:04:17.405 | DEBUG    | __main__:<module>:20 - Iteration 870: Points 827 (cluster 827) and 888 (cluster 888) connect at weight=121.0
2025-04-09 19:04:17.405 | DEBUG    | __main__:<module>:20 - Iteration 871: Points 813 (cluster 2794) and 990 (cluster 990) connect at weight=121.0
2025-04-09 19:04:17.406 | DEBUG    | __main__:<module>:20 - Iteration 872: Points 806 (cluster 2851) and 964 (cluster 964) connect at weight=121.0
2025-04-09 19:04:17.406 | DEBUG    | __main__:<module>:20 - Iteration 873: Points 793 (cluster 793) and 700 (cluster 700) connect at weight=121.0
2025-04-09 19:04:17.406 | DEBUG    | __main__:<module>:20 - Iteration 874: Points 772 (cluster 772) and 877 (cluster 877) connect at weight=121.0
2025-04-09 19:04:17.406 | DEBUG    | __main__:<module>:20 - Iteration 875: Points 758 (cluster 2704) and 820 (cluster 2791) connect at weight=121.0
2025-04-09 19:04:17.406 | DEBUG    | __main__:<module>:20 - Iteration 876: Points 734 (cluster 2872) and 1025 (cluster 1025) connect at weight=121.0
2025-04-09 19:04:17.407 | DEBUG    | __main__:<module>:20 - Iteration 877: Points 711 (cluster 2867) and 727 (cluster 727) connect at weight=121.0
2025-04-09 19:04:17.407 | DEBUG    | __main__:<module>:20 - Iteration 878: Points 700 (cluster 2873) and 716 (cluster 716) connect at weight=121.0
2025-04-09 19:04:17.407 | DEBUG    | __main__:<module>:20 - Iteration 879: Points 677 (cluster 2807) and 856 (cluster 856) connect at weight=121.0
2025-04-09 19:04:17.407 | DEBUG    | __main__:<module>:20 - Iteration 880: Points 658 (cluster 2877) and 837 (cluster 2836) connect at weight=121.0
2025-04-09 19:04:17.407 | DEBUG    | __main__:<module>:20 - Iteration 881: Points 606 (cluster 2880) and 419 (cluster 2291) connect at weight=121.0
2025-04-09 19:04:17.408 | DEBUG    | __main__:<module>:20 - Iteration 882: Points 564 (cluster 2881) and 583 (cluster 2590) connect at weight=121.0
2025-04-09 19:04:17.408 | DEBUG    | __main__:<module>:20 - Iteration 883: Points 423 (cluster 2876) and 823 (cluster 2698) connect at weight=121.0
2025-04-09 19:04:17.408 | DEBUG    | __main__:<module>:20 - Iteration 884: Points 305 (cluster 2882) and 867 (cluster 2827) connect at weight=121.0
2025-04-09 19:04:17.408 | DEBUG    | __main__:<module>:20 - Iteration 885: Points 252 (cluster 2884) and 807 (cluster 807) connect at weight=121.0
2025-04-09 19:04:17.408 | DEBUG    | __main__:<module>:20 - Iteration 886: Points 1115 (cluster 1115) and 1085 (cluster 1085) connect at weight=120.0
2025-04-09 19:04:17.408 | DEBUG    | __main__:<module>:20 - Iteration 887: Points 1089 (cluster 1089) and 1001 (cluster 1001) connect at weight=120.0
2025-04-09 19:04:17.409 | DEBUG    | __main__:<module>:20 - Iteration 888: Points 1072 (cluster 2855) and 1033 (cluster 1033) connect at weight=120.0
2025-04-09 19:04:17.409 | DEBUG    | __main__:<module>:20 - Iteration 889: Points 1036 (cluster 1036) and 1003 (cluster 1003) connect at weight=120.0
2025-04-09 19:04:17.409 | DEBUG    | __main__:<module>:20 - Iteration 890: Points 1021 (cluster 2824) and 863 (cluster 863) connect at weight=120.0
2025-04-09 19:04:17.409 | DEBUG    | __main__:<module>:20 - Iteration 891: Points 1007 (cluster 1007) and 1108 (cluster 1108) connect at weight=120.0
2025-04-09 19:04:17.409 | DEBUG    | __main__:<module>:20 - Iteration 892: Points 1000 (cluster 2856) and 1048 (cluster 1048) connect at weight=120.0
2025-04-09 19:04:17.410 | DEBUG    | __main__:<module>:20 - Iteration 893: Points 998 (cluster 998) and 1101 (cluster 1101) connect at weight=120.0
2025-04-09 19:04:17.410 | DEBUG    | __main__:<module>:20 - Iteration 894: Points 998 (cluster 2893) and 1049 (cluster 1049) connect at weight=120.0
2025-04-09 19:04:17.410 | DEBUG    | __main__:<module>:20 - Iteration 895: Points 988 (cluster 2883) and 938 (cluster 2826) connect at weight=120.0
2025-04-09 19:04:17.410 | DEBUG    | __main__:<module>:20 - Iteration 896: Points 930 (cluster 930) and 796 (cluster 796) connect at weight=120.0
2025-04-09 19:04:17.410 | DEBUG    | __main__:<module>:20 - Iteration 897: Points 926 (cluster 926) and 605 (cluster 2768) connect at weight=120.0
2025-04-09 19:04:17.411 | DEBUG    | __main__:<module>:20 - Iteration 898: Points 915 (cluster 2788) and 846 (cluster 2564) connect at weight=120.0
2025-04-09 19:04:17.411 | DEBUG    | __main__:<module>:20 - Iteration 899: Points 912 (cluster 912) and 861 (cluster 861) connect at weight=120.0
2025-04-09 19:04:17.411 | DEBUG    | __main__:<module>:20 - Iteration 900: Points 891 (cluster 2653) and 852 (cluster 2871) connect at weight=120.0
2025-04-09 19:04:17.411 | DEBUG    | __main__:<module>:20 - Iteration 901: Points 886 (cluster 2892) and 540 (cluster 2859) connect at weight=120.0
2025-04-09 19:04:17.411 | DEBUG    | __main__:<module>:20 - Iteration 902: Points 882 (cluster 2885) and 898 (cluster 898) connect at weight=120.0
2025-04-09 19:04:17.413 | DEBUG    | __main__:<module>:20 - Iteration 903: Points 873 (cluster 873) and 1055 (cluster 1055) connect at weight=120.0
2025-04-09 19:04:17.414 | DEBUG    | __main__:<module>:20 - Iteration 904: Points 842 (cluster 2902) and 1125 (cluster 1125) connect at weight=120.0
2025-04-09 19:04:17.414 | DEBUG    | __main__:<module>:20 - Iteration 905: Points 841 (cluster 2869) and 253 (cluster 2879) connect at weight=120.0
2025-04-09 19:04:17.414 | DEBUG    | __main__:<module>:20 - Iteration 906: Points 833 (cluster 2904) and 927 (cluster 927) connect at weight=120.0
2025-04-09 19:04:17.414 | DEBUG    | __main__:<module>:20 - Iteration 907: Points 794 (cluster 2660) and 847 (cluster 2752) connect at weight=120.0
2025-04-09 19:04:17.415 | DEBUG    | __main__:<module>:20 - Iteration 908: Points 782 (cluster 2901) and 1029 (cluster 1029) connect at weight=120.0
2025-04-09 19:04:17.415 | DEBUG    | __main__:<module>:20 - Iteration 909: Points 782 (cluster 2908) and 1028 (cluster 1028) connect at weight=120.0
2025-04-09 19:04:17.415 | DEBUG    | __main__:<module>:20 - Iteration 910: Points 765 (cluster 2821) and 673 (cluster 2482) connect at weight=120.0
2025-04-09 19:04:17.415 | DEBUG    | __main__:<module>:20 - Iteration 911: Points 759 (cluster 2906) and 656 (cluster 2861) connect at weight=120.0
2025-04-09 19:04:17.415 | DEBUG    | __main__:<module>:20 - Iteration 912: Points 755 (cluster 2911) and 747 (cluster 2477) connect at weight=120.0
2025-04-09 19:04:17.416 | DEBUG    | __main__:<module>:20 - Iteration 913: Points 746 (cluster 2478) and 617 (cluster 2767) connect at weight=120.0
2025-04-09 19:04:17.416 | DEBUG    | __main__:<module>:20 - Iteration 914: Points 728 (cluster 728) and 671 (cluster 2907) connect at weight=120.0
2025-04-09 19:04:17.416 | DEBUG    | __main__:<module>:20 - Iteration 915: Points 644 (cluster 2912) and 1122 (cluster 1122) connect at weight=120.0
2025-04-09 19:04:17.416 | DEBUG    | __main__:<module>:20 - Iteration 916: Points 599 (cluster 2670) and 822 (cluster 2654) connect at weight=120.0
2025-04-09 19:04:17.416 | DEBUG    | __main__:<module>:20 - Iteration 917: Points 432 (cluster 2915) and 531 (cluster 2725) connect at weight=120.0
2025-04-09 19:04:17.416 | DEBUG    | __main__:<module>:20 - Iteration 918: Points 312 (cluster 2917) and 555 (cluster 555) connect at weight=120.0
2025-04-09 19:04:17.417 | DEBUG    | __main__:<module>:20 - Iteration 919: Points 283 (cluster 2918) and 481 (cluster 2633) connect at weight=120.0
2025-04-09 19:04:17.417 | DEBUG    | __main__:<module>:20 - Iteration 920: Points 1153 (cluster 1153) and 1187 (cluster 1187) connect at weight=119.0
2025-04-09 19:04:17.417 | DEBUG    | __main__:<module>:20 - Iteration 921: Points 1143 (cluster 1143) and 1043 (cluster 1043) connect at weight=119.0
2025-04-09 19:04:17.417 | DEBUG    | __main__:<module>:20 - Iteration 922: Points 1121 (cluster 1121) and 1017 (cluster 1017) connect at weight=119.0
2025-04-09 19:04:17.417 | DEBUG    | __main__:<module>:20 - Iteration 923: Points 1109 (cluster 2817) and 1171 (cluster 1171) connect at weight=119.0
2025-04-09 19:04:17.418 | DEBUG    | __main__:<module>:20 - Iteration 924: Points 1109 (cluster 2923) and 1147 (cluster 1147) connect at weight=119.0
2025-04-09 19:04:17.418 | DEBUG    | __main__:<module>:20 - Iteration 925: Points 1105 (cluster 1105) and 1098 (cluster 2854) connect at weight=119.0
2025-04-09 19:04:17.418 | DEBUG    | __main__:<module>:20 - Iteration 926: Points 1067 (cluster 1067) and 1070 (cluster 1070) connect at weight=119.0
2025-04-09 19:04:17.418 | DEBUG    | __main__:<module>:20 - Iteration 927: Points 1054 (cluster 1054) and 942 (cluster 942) connect at weight=119.0
2025-04-09 19:04:17.418 | DEBUG    | __main__:<module>:20 - Iteration 928: Points 1003 (cluster 2889) and 1037 (cluster 1037) connect at weight=119.0
2025-04-09 19:04:17.419 | DEBUG    | __main__:<module>:20 - Iteration 929: Points 992 (cluster 2862) and 955 (cluster 955) connect at weight=119.0
2025-04-09 19:04:17.419 | DEBUG    | __main__:<module>:20 - Iteration 930: Points 989 (cluster 989) and 945 (cluster 945) connect at weight=119.0
2025-04-09 19:04:17.419 | DEBUG    | __main__:<module>:20 - Iteration 931: Points 954 (cluster 2868) and 1112 (cluster 1112) connect at weight=119.0
2025-04-09 19:04:17.419 | DEBUG    | __main__:<module>:20 - Iteration 932: Points 953 (cluster 953) and 1008 (cluster 2857) connect at weight=119.0
2025-04-09 19:04:17.419 | DEBUG    | __main__:<module>:20 - Iteration 933: Points 927 (cluster 2919) and 1144 (cluster 1144) connect at weight=119.0
2025-04-09 19:04:17.419 | DEBUG    | __main__:<module>:20 - Iteration 934: Points 914 (cluster 2898) and 1154 (cluster 1154) connect at weight=119.0
2025-04-09 19:04:17.420 | DEBUG    | __main__:<module>:20 - Iteration 935: Points 909 (cluster 2746) and 996 (cluster 996) connect at weight=119.0
2025-04-09 19:04:17.420 | DEBUG    | __main__:<module>:20 - Iteration 936: Points 907 (cluster 2933) and 858 (cluster 858) connect at weight=119.0
2025-04-09 19:04:17.420 | DEBUG    | __main__:<module>:20 - Iteration 937: Points 905 (cluster 905) and 746 (cluster 2913) connect at weight=119.0
2025-04-09 19:04:17.420 | DEBUG    | __main__:<module>:20 - Iteration 938: Points 889 (cluster 2842) and 800 (cluster 2702) connect at weight=119.0
2025-04-09 19:04:17.420 | DEBUG    | __main__:<module>:20 - Iteration 939: Points 883 (cluster 883) and 994 (cluster 994) connect at weight=119.0
2025-04-09 19:04:17.421 | DEBUG    | __main__:<module>:20 - Iteration 940: Points 882 (cluster 2936) and 1054 (cluster 2927) connect at weight=119.0
2025-04-09 19:04:17.421 | DEBUG    | __main__:<module>:20 - Iteration 941: Points 872 (cluster 872) and 1095 (cluster 1095) connect at weight=119.0
2025-04-09 19:04:17.421 | DEBUG    | __main__:<module>:20 - Iteration 942: Points 863 (cluster 2890) and 883 (cluster 2939) connect at weight=119.0
2025-04-09 19:04:17.421 | DEBUG    | __main__:<module>:20 - Iteration 943: Points 853 (cluster 2940) and 849 (cluster 849) connect at weight=119.0
2025-04-09 19:04:17.421 | DEBUG    | __main__:<module>:20 - Iteration 944: Points 834 (cluster 834) and 981 (cluster 981) connect at weight=119.0
2025-04-09 19:04:17.422 | DEBUG    | __main__:<module>:20 - Iteration 945: Points 819 (cluster 2943) and 754 (cluster 754) connect at weight=119.0
2025-04-09 19:04:17.422 | DEBUG    | __main__:<module>:20 - Iteration 946: Points 811 (cluster 2866) and 808 (cluster 808) connect at weight=119.0
2025-04-09 19:04:17.422 | DEBUG    | __main__:<module>:20 - Iteration 947: Points 808 (cluster 2946) and 947 (cluster 2935) connect at weight=119.0
2025-04-09 19:04:17.422 | DEBUG    | __main__:<module>:20 - Iteration 948: Points 797 (cluster 2835) and 788 (cluster 788) connect at weight=119.0
2025-04-09 19:04:17.422 | DEBUG    | __main__:<module>:20 - Iteration 949: Points 788 (cluster 2948) and 1060 (cluster 1060) connect at weight=119.0
2025-04-09 19:04:17.422 | DEBUG    | __main__:<module>:20 - Iteration 950: Points 779 (cluster 2875) and 831 (cluster 831) connect at weight=119.0
2025-04-09 19:04:17.423 | DEBUG    | __main__:<module>:20 - Iteration 951: Points 773 (cluster 2945) and 760 (cluster 760) connect at weight=119.0
2025-04-09 19:04:17.423 | DEBUG    | __main__:<module>:20 - Iteration 952: Points 771 (cluster 2848) and 827 (cluster 2870) connect at weight=119.0
2025-04-09 19:04:17.423 | DEBUG    | __main__:<module>:20 - Iteration 953: Points 745 (cluster 2951) and 839 (cluster 2834) connect at weight=119.0
2025-04-09 19:04:17.423 | DEBUG    | __main__:<module>:20 - Iteration 954: Points 678 (cluster 2910) and 1140 (cluster 1140) connect at weight=119.0
2025-04-09 19:04:17.423 | DEBUG    | __main__:<module>:20 - Iteration 955: Points 675 (cluster 2784) and 641 (cluster 641) connect at weight=119.0
2025-04-09 19:04:17.424 | DEBUG    | __main__:<module>:20 - Iteration 956: Points 641 (cluster 2955) and 848 (cluster 2611) connect at weight=119.0
2025-04-09 19:04:17.424 | DEBUG    | __main__:<module>:20 - Iteration 957: Points 606 (cluster 2953) and 763 (cluster 2656) connect at weight=119.0
2025-04-09 19:04:17.424 | DEBUG    | __main__:<module>:20 - Iteration 958: Points 545 (cluster 2909) and 707 (cluster 2844) connect at weight=119.0
2025-04-09 19:04:17.424 | DEBUG    | __main__:<module>:20 - Iteration 959: Points 527 (cluster 2895) and 1148 (cluster 1148) connect at weight=119.0
2025-04-09 19:04:17.424 | DEBUG    | __main__:<module>:20 - Iteration 960: Points 508 (cluster 2905) and 979 (cluster 979) connect at weight=119.0
2025-04-09 19:04:17.424 | DEBUG    | __main__:<module>:20 - Iteration 961: Points 487 (cluster 2957) and 368 (cluster 2959) connect at weight=119.0
2025-04-09 19:04:17.425 | DEBUG    | __main__:<module>:20 - Iteration 962: Points 449 (cluster 2961) and 970 (cluster 970) connect at weight=119.0
2025-04-09 19:04:17.425 | DEBUG    | __main__:<module>:20 - Iteration 963: Points 161 (cluster 2962) and 599 (cluster 2916) connect at weight=119.0
2025-04-09 19:04:17.425 | DEBUG    | __main__:<module>:20 - Iteration 964: Points 1172 (cluster 1172) and 1186 (cluster 1186) connect at weight=118.0
2025-04-09 19:04:17.425 | DEBUG    | __main__:<module>:20 - Iteration 965: Points 1110 (cluster 1110) and 1132 (cluster 1132) connect at weight=118.0
2025-04-09 19:04:17.425 | DEBUG    | __main__:<module>:20 - Iteration 966: Points 1104 (cluster 1104) and 1168 (cluster 1168) connect at weight=118.0
2025-04-09 19:04:17.426 | DEBUG    | __main__:<module>:20 - Iteration 967: Points 1085 (cluster 2886) and 974 (cluster 974) connect at weight=118.0
2025-04-09 19:04:17.426 | DEBUG    | __main__:<module>:20 - Iteration 968: Points 1084 (cluster 1084) and 1146 (cluster 1146) connect at weight=118.0
2025-04-09 19:04:17.426 | DEBUG    | __main__:<module>:20 - Iteration 969: Points 1062 (cluster 1062) and 1143 (cluster 2921) connect at weight=118.0
2025-04-09 19:04:17.426 | DEBUG    | __main__:<module>:20 - Iteration 970: Points 1061 (cluster 1061) and 1091 (cluster 1091) connect at weight=118.0
2025-04-09 19:04:17.426 | DEBUG    | __main__:<module>:20 - Iteration 971: Points 1049 (cluster 2894) and 1178 (cluster 1178) connect at weight=118.0
2025-04-09 19:04:17.426 | DEBUG    | __main__:<module>:20 - Iteration 972: Points 1030 (cluster 2963) and 876 (cluster 2608) connect at weight=118.0
2025-04-09 19:04:17.427 | DEBUG    | __main__:<module>:20 - Iteration 973: Points 1014 (cluster 1014) and 1194 (cluster 1194) connect at weight=118.0
2025-04-09 19:04:17.427 | DEBUG    | __main__:<module>:20 - Iteration 974: Points 1010 (cluster 1010) and 920 (cluster 920) connect at weight=118.0
2025-04-09 19:04:17.427 | DEBUG    | __main__:<module>:20 - Iteration 975: Points 1006 (cluster 2693) and 1062 (cluster 2969) connect at weight=118.0
2025-04-09 19:04:17.427 | DEBUG    | __main__:<module>:20 - Iteration 976: Points 983 (cluster 983) and 1069 (cluster 1069) connect at weight=118.0
2025-04-09 19:04:17.427 | DEBUG    | __main__:<module>:20 - Iteration 977: Points 971 (cluster 2932) and 1126 (cluster 1126) connect at weight=118.0
2025-04-09 19:04:17.428 | DEBUG    | __main__:<module>:20 - Iteration 978: Points 957 (cluster 2942) and 1064 (cluster 1064) connect at weight=118.0
2025-04-09 19:04:17.428 | DEBUG    | __main__:<module>:20 - Iteration 979: Points 949 (cluster 949) and 873 (cluster 2903) connect at weight=118.0
2025-04-09 19:04:17.428 | DEBUG    | __main__:<module>:20 - Iteration 980: Points 939 (cluster 939) and 1081 (cluster 1081) connect at weight=118.0
2025-04-09 19:04:17.428 | DEBUG    | __main__:<module>:20 - Iteration 981: Points 938 (cluster 2972) and 1118 (cluster 1118) connect at weight=118.0
2025-04-09 19:04:17.428 | DEBUG    | __main__:<module>:20 - Iteration 982: Points 920 (cluster 2974) and 804 (cluster 2793) connect at weight=118.0
2025-04-09 19:04:17.428 | DEBUG    | __main__:<module>:20 - Iteration 983: Points 914 (cluster 2934) and 1086 (cluster 1086) connect at weight=118.0
2025-04-09 19:04:17.429 | DEBUG    | __main__:<module>:20 - Iteration 984: Points 910 (cluster 910) and 936 (cluster 2858) connect at weight=118.0
2025-04-09 19:04:17.429 | DEBUG    | __main__:<module>:20 - Iteration 985: Points 883 (cluster 2978) and 973 (cluster 973) connect at weight=118.0
2025-04-09 19:04:17.429 | DEBUG    | __main__:<module>:20 - Iteration 986: Points 850 (cluster 2931) and 930 (cluster 2896) connect at weight=118.0
2025-04-09 19:04:17.430 | DEBUG    | __main__:<module>:20 - Iteration 987: Points 810 (cluster 2981) and 879 (cluster 879) connect at weight=118.0
2025-04-09 19:04:17.430 | DEBUG    | __main__:<module>:20 - Iteration 988: Points 800 (cluster 2938) and 582 (cluster 2952) connect at weight=118.0
2025-04-09 19:04:17.430 | DEBUG    | __main__:<module>:20 - Iteration 989: Points 789 (cluster 2987) and 1103 (cluster 1103) connect at weight=118.0
2025-04-09 19:04:17.430 | DEBUG    | __main__:<module>:20 - Iteration 990: Points 788 (cluster 2949) and 957 (cluster 2985) connect at weight=118.0
2025-04-09 19:04:17.435 | DEBUG    | __main__:<module>:20 - Iteration 991: Points 657 (cluster 657) and 940 (cluster 2694) connect at weight=118.0
2025-04-09 19:04:17.435 | DEBUG    | __main__:<module>:20 - Iteration 992: Points 637 (cluster 2989) and 1107 (cluster 2815) connect at weight=118.0
2025-04-09 19:04:17.435 | DEBUG    | __main__:<module>:20 - Iteration 993: Points 630 (cluster 2721) and 904 (cluster 2988) connect at weight=118.0
2025-04-09 19:04:17.436 | DEBUG    | __main__:<module>:20 - Iteration 994: Points 563 (cluster 2665) and 793 (cluster 2878) connect at weight=118.0
2025-04-09 19:04:17.436 | DEBUG    | __main__:<module>:20 - Iteration 995: Points 550 (cluster 2992) and 777 (cluster 777) connect at weight=118.0
2025-04-09 19:04:17.436 | DEBUG    | __main__:<module>:20 - Iteration 996: Points 459 (cluster 2995) and 1195 (cluster 1195) connect at weight=118.0
2025-04-09 19:04:17.437 | DEBUG    | __main__:<module>:20 - Iteration 997: Points 432 (cluster 2996) and 1036 (cluster 2928) connect at weight=118.0
2025-04-09 19:04:17.437 | DEBUG    | __main__:<module>:20 - Iteration 998: Points 366 (cluster 2997) and 840 (cluster 2900) connect at weight=118.0
2025-04-09 19:04:17.437 | DEBUG    | __main__:<module>:20 - Iteration 999: Points 1218 (cluster 1218) and 1188 (cluster 1188) connect at weight=117.0
2025-04-09 19:04:17.438 | DEBUG    | __main__:<module>:20 - Iteration 1000: Points 1168 (cluster 2966) and 1213 (cluster 1213) connect at weight=117.0
2025-04-09 19:04:17.438 | DEBUG    | __main__:<module>:20 - Iteration 1001: Points 1146 (cluster 2968) and 1023 (cluster 1023) connect at weight=117.0
2025-04-09 19:04:17.438 | DEBUG    | __main__:<module>:20 - Iteration 1002: Points 1142 (cluster 1142) and 1151 (cluster 1151) connect at weight=117.0
2025-04-09 19:04:17.438 | DEBUG    | __main__:<module>:20 - Iteration 1003: Points 1127 (cluster 1127) and 1150 (cluster 1150) connect at weight=117.0
2025-04-09 19:04:17.439 | DEBUG    | __main__:<module>:20 - Iteration 1004: Points 1117 (cluster 1117) and 1052 (cluster 1052) connect at weight=117.0
2025-04-09 19:04:17.439 | DEBUG    | __main__:<module>:20 - Iteration 1005: Points 1102 (cluster 1102) and 1088 (cluster 1088) connect at weight=117.0
2025-04-09 19:04:17.439 | DEBUG    | __main__:<module>:20 - Iteration 1006: Points 1086 (cluster 2983) and 1046 (cluster 1046) connect at weight=117.0
2025-04-09 19:04:17.440 | DEBUG    | __main__:<module>:20 - Iteration 1007: Points 1044 (cluster 2860) and 1129 (cluster 1129) connect at weight=117.0
2025-04-09 19:04:17.440 | DEBUG    | __main__:<module>:20 - Iteration 1008: Points 1043 (cluster 2975) and 1058 (cluster 1058) connect at weight=117.0
2025-04-09 19:04:17.440 | DEBUG    | __main__:<module>:20 - Iteration 1009: Points 1028 (cluster 2958) and 1174 (cluster 1174) connect at weight=117.0
2025-04-09 19:04:17.440 | DEBUG    | __main__:<module>:20 - Iteration 1010: Points 1023 (cluster 3001) and 946 (cluster 946) connect at weight=117.0
2025-04-09 19:04:17.440 | DEBUG    | __main__:<module>:20 - Iteration 1011: Points 1016 (cluster 1016) and 1163 (cluster 1163) connect at weight=117.0
2025-04-09 19:04:17.441 | DEBUG    | __main__:<module>:20 - Iteration 1012: Points 981 (cluster 2944) and 953 (cluster 2977) connect at weight=117.0
2025-04-09 19:04:17.441 | DEBUG    | __main__:<module>:20 - Iteration 1013: Points 951 (cluster 951) and 1016 (cluster 3011) connect at weight=117.0
2025-04-09 19:04:17.442 | DEBUG    | __main__:<module>:20 - Iteration 1014: Points 922 (cluster 2998) and 871 (cluster 2865) connect at weight=117.0
2025-04-09 19:04:17.442 | DEBUG    | __main__:<module>:20 - Iteration 1015: Points 904 (cluster 2993) and 731 (cluster 731) connect at weight=117.0
2025-04-09 19:04:17.442 | DEBUG    | __main__:<module>:20 - Iteration 1016: Points 902 (cluster 3009) and 1031 (cluster 1031) connect at weight=117.0
2025-04-09 19:04:17.442 | DEBUG    | __main__:<module>:20 - Iteration 1017: Points 898 (cluster 3014) and 1176 (cluster 1176) connect at weight=117.0
2025-04-09 19:04:17.443 | DEBUG    | __main__:<module>:20 - Iteration 1018: Points 896 (cluster 3017) and 1175 (cluster 1175) connect at weight=117.0
2025-04-09 19:04:17.443 | DEBUG    | __main__:<module>:20 - Iteration 1019: Points 879 (cluster 3018) and 985 (cluster 3016) connect at weight=117.0
2025-04-09 19:04:17.443 | DEBUG    | __main__:<module>:20 - Iteration 1020: Points 874 (cluster 874) and 1190 (cluster 1190) connect at weight=117.0
2025-04-09 19:04:17.444 | DEBUG    | __main__:<module>:20 - Iteration 1021: Points 874 (cluster 3020) and 965 (cluster 965) connect at weight=117.0
2025-04-09 19:04:17.444 | DEBUG    | __main__:<module>:20 - Iteration 1022: Points 872 (cluster 2941) and 1041 (cluster 1041) connect at weight=117.0
2025-04-09 19:04:17.444 | DEBUG    | __main__:<module>:20 - Iteration 1023: Points 833 (cluster 3019) and 1011 (cluster 1011) connect at weight=117.0
2025-04-09 19:04:17.444 | DEBUG    | __main__:<module>:20 - Iteration 1024: Points 830 (cluster 3023) and 878 (cluster 2832) connect at weight=117.0
2025-04-09 19:04:17.445 | DEBUG    | __main__:<module>:20 - Iteration 1025: Points 811 (cluster 2947) and 1119 (cluster 1119) connect at weight=117.0
2025-04-09 19:04:17.445 | DEBUG    | __main__:<module>:20 - Iteration 1026: Points 774 (cluster 3024) and 951 (cluster 3013) connect at weight=117.0
2025-04-09 19:04:17.445 | DEBUG    | __main__:<module>:20 - Iteration 1027: Points 728 (cluster 2914) and 798 (cluster 798) connect at weight=117.0
2025-04-09 19:04:17.446 | DEBUG    | __main__:<module>:20 - Iteration 1028: Points 714 (cluster 3026) and 1170 (cluster 1170) connect at weight=117.0
2025-04-09 19:04:17.446 | DEBUG    | __main__:<module>:20 - Iteration 1029: Points 682 (cluster 3028) and 611 (cluster 3015) connect at weight=117.0
2025-04-09 19:04:17.446 | DEBUG    | __main__:<module>:20 - Iteration 1030: Points 680 (cluster 3029) and 850 (cluster 2986) connect at weight=117.0
2025-04-09 19:04:17.447 | DEBUG    | __main__:<module>:20 - Iteration 1031: Points 678 (cluster 2954) and 1157 (cluster 1157) connect at weight=117.0
2025-04-09 19:04:17.447 | DEBUG    | __main__:<module>:20 - Iteration 1032: Points 636 (cluster 3030) and 265 (cluster 2956) connect at weight=117.0
2025-04-09 19:04:17.447 | DEBUG    | __main__:<module>:20 - Iteration 1033: Points 634 (cluster 3032) and 787 (cluster 787) connect at weight=117.0
2025-04-09 19:04:17.447 | DEBUG    | __main__:<module>:20 - Iteration 1034: Points 593 (cluster 3033) and 404 (cluster 2498) connect at weight=117.0
2025-04-09 19:04:17.447 | DEBUG    | __main__:<module>:20 - Iteration 1035: Points 588 (cluster 3034) and 880 (cluster 2990) connect at weight=117.0
2025-04-09 19:04:17.448 | DEBUG    | __main__:<module>:20 - Iteration 1036: Points 533 (cluster 3035) and 884 (cluster 884) connect at weight=117.0
2025-04-09 19:04:17.448 | DEBUG    | __main__:<module>:20 - Iteration 1037: Points 449 (cluster 3036) and 862 (cluster 862) connect at weight=117.0
2025-04-09 19:04:17.448 | DEBUG    | __main__:<module>:20 - Iteration 1038: Points 419 (cluster 3037) and 857 (cluster 857) connect at weight=117.0
2025-04-09 19:04:17.449 | DEBUG    | __main__:<module>:20 - Iteration 1039: Points 1208 (cluster 1208) and 1191 (cluster 1191) connect at weight=116.0
2025-04-09 19:04:17.449 | DEBUG    | __main__:<module>:20 - Iteration 1040: Points 1179 (cluster 1179) and 1120 (cluster 1120) connect at weight=116.0
2025-04-09 19:04:17.449 | DEBUG    | __main__:<module>:20 - Iteration 1041: Points 1159 (cluster 1159) and 1097 (cluster 1097) connect at weight=116.0
2025-04-09 19:04:17.450 | DEBUG    | __main__:<module>:20 - Iteration 1042: Points 1148 (cluster 3038) and 1177 (cluster 1177) connect at weight=116.0
2025-04-09 19:04:17.450 | DEBUG    | __main__:<module>:20 - Iteration 1043: Points 1134 (cluster 1134) and 1102 (cluster 3005) connect at weight=116.0
2025-04-09 19:04:17.450 | DEBUG    | __main__:<module>:20 - Iteration 1044: Points 1120 (cluster 3040) and 1084 (cluster 3010) connect at weight=116.0
2025-04-09 19:04:17.450 | DEBUG    | __main__:<module>:20 - Iteration 1045: Points 1119 (cluster 3025) and 1159 (cluster 3041) connect at weight=116.0
2025-04-09 19:04:17.451 | DEBUG    | __main__:<module>:20 - Iteration 1046: Points 1115 (cluster 2967) and 1173 (cluster 1173) connect at weight=116.0
2025-04-09 19:04:17.451 | DEBUG    | __main__:<module>:20 - Iteration 1047: Points 1093 (cluster 1093) and 937 (cluster 3007) connect at weight=116.0
2025-04-09 19:04:17.451 | DEBUG    | __main__:<module>:20 - Iteration 1048: Points 1060 (cluster 3042) and 1138 (cluster 1138) connect at weight=116.0
2025-04-09 19:04:17.452 | DEBUG    | __main__:<module>:20 - Iteration 1049: Points 1055 (cluster 2979) and 1199 (cluster 1199) connect at weight=116.0
2025-04-09 19:04:17.452 | DEBUG    | __main__:<module>:20 - Iteration 1050: Points 1033 (cluster 2888) and 949 (cluster 3049) connect at weight=116.0
2025-04-09 19:04:17.452 | DEBUG    | __main__:<module>:20 - Iteration 1051: Points 1024 (cluster 1024) and 934 (cluster 2696) connect at weight=116.0
2025-04-09 19:04:17.452 | DEBUG    | __main__:<module>:20 - Iteration 1052: Points 1023 (cluster 3044) and 1010 (cluster 2982) connect at weight=116.0
2025-04-09 19:04:17.453 | DEBUG    | __main__:<module>:20 - Iteration 1053: Points 1017 (cluster 2922) and 1182 (cluster 1182) connect at weight=116.0
2025-04-09 19:04:17.453 | DEBUG    | __main__:<module>:20 - Iteration 1054: Points 996 (cluster 3045) and 1015 (cluster 1015) connect at weight=116.0
2025-04-09 19:04:17.453 | DEBUG    | __main__:<module>:20 - Iteration 1055: Points 986 (cluster 2816) and 1065 (cluster 1065) connect at weight=116.0
2025-04-09 19:04:17.454 | DEBUG    | __main__:<module>:20 - Iteration 1056: Points 928 (cluster 928) and 1042 (cluster 1042) connect at weight=116.0
2025-04-09 19:04:17.454 | DEBUG    | __main__:<module>:20 - Iteration 1057: Points 905 (cluster 2937) and 1068 (cluster 1068) connect at weight=116.0
2025-04-09 19:04:17.454 | DEBUG    | __main__:<module>:20 - Iteration 1058: Points 894 (cluster 3048) and 1093 (cluster 3047) connect at weight=116.0
2025-04-09 19:04:17.455 | DEBUG    | __main__:<module>:20 - Iteration 1059: Points 888 (cluster 3058) and 758 (cluster 2950) connect at weight=116.0
2025-04-09 19:04:17.455 | DEBUG    | __main__:<module>:20 - Iteration 1060: Points 847 (cluster 3027) and 890 (cluster 2831) connect at weight=116.0
2025-04-09 19:04:17.455 | DEBUG    | __main__:<module>:20 - Iteration 1061: Points 825 (cluster 3052) and 1024 (cluster 3051) connect at weight=116.0
2025-04-09 19:04:17.456 | DEBUG    | __main__:<module>:20 - Iteration 1062: Points 815 (cluster 3059) and 868 (cluster 868) connect at weight=116.0
2025-04-09 19:04:17.456 | DEBUG    | __main__:<module>:20 - Iteration 1063: Points 787 (cluster 3062) and 944 (cluster 944) connect at weight=116.0
2025-04-09 19:04:17.456 | DEBUG    | __main__:<module>:20 - Iteration 1064: Points 778 (cluster 3063) and 1004 (cluster 1004) connect at weight=116.0
2025-04-09 19:04:17.456 | DEBUG    | __main__:<module>:20 - Iteration 1065: Points 775 (cluster 3064) and 834 (cluster 3012) connect at weight=116.0
2025-04-09 19:04:17.456 | DEBUG    | __main__:<module>:20 - Iteration 1066: Points 768 (cluster 3065) and 1220 (cluster 1220) connect at weight=116.0
2025-04-09 19:04:17.457 | DEBUG    | __main__:<module>:20 - Iteration 1067: Points 739 (cluster 3006) and 728 (cluster 3060) connect at weight=116.0
2025-04-09 19:04:17.457 | DEBUG    | __main__:<module>:20 - Iteration 1068: Points 693 (cluster 3066) and 989 (cluster 2930) connect at weight=116.0
2025-04-09 19:04:17.458 | DEBUG    | __main__:<module>:20 - Iteration 1069: Points 672 (cluster 3068) and 1152 (cluster 1152) connect at weight=116.0
2025-04-09 19:04:17.458 | DEBUG    | __main__:<module>:20 - Iteration 1070: Points 633 (cluster 3069) and 935 (cluster 935) connect at weight=116.0
2025-04-09 19:04:17.458 | DEBUG    | __main__:<module>:20 - Iteration 1071: Points 625 (cluster 2757) and 903 (cluster 903) connect at weight=116.0
2025-04-09 19:04:17.458 | DEBUG    | __main__:<module>:20 - Iteration 1072: Points 562 (cluster 3070) and 905 (cluster 3057) connect at weight=116.0
2025-04-09 19:04:17.459 | DEBUG    | __main__:<module>:20 - Iteration 1073: Points 444 (cluster 3072) and 690 (cluster 3071) connect at weight=116.0
2025-04-09 19:04:17.459 | DEBUG    | __main__:<module>:20 - Iteration 1074: Points 419 (cluster 3073) and 563 (cluster 2994) connect at weight=116.0
2025-04-09 19:04:17.459 | DEBUG    | __main__:<module>:20 - Iteration 1075: Points 1164 (cluster 1164) and 1076 (cluster 1076) connect at weight=115.0
2025-04-09 19:04:17.459 | DEBUG    | __main__:<module>:20 - Iteration 1076: Points 1162 (cluster 1162) and 1022 (cluster 1022) connect at weight=115.0
2025-04-09 19:04:17.460 | DEBUG    | __main__:<module>:20 - Iteration 1077: Points 1154 (cluster 3067) and 1145 (cluster 1145) connect at weight=115.0
2025-04-09 19:04:17.460 | DEBUG    | __main__:<module>:20 - Iteration 1078: Points 1148 (cluster 3074) and 1254 (cluster 1254) connect at weight=115.0
2025-04-09 19:04:17.460 | DEBUG    | __main__:<module>:20 - Iteration 1079: Points 1138 (cluster 3078) and 1218 (cluster 2999) connect at weight=115.0
2025-04-09 19:04:17.461 | DEBUG    | __main__:<module>:20 - Iteration 1080: Points 1091 (cluster 2970) and 1066 (cluster 1066) connect at weight=115.0
2025-04-09 19:04:17.461 | DEBUG    | __main__:<module>:20 - Iteration 1081: Points 1090 (cluster 1090) and 1094 (cluster 1094) connect at weight=115.0
2025-04-09 19:04:17.461 | DEBUG    | __main__:<module>:20 - Iteration 1082: Points 1087 (cluster 3079) and 1180 (cluster 1180) connect at weight=115.0
2025-04-09 19:04:17.462 | DEBUG    | __main__:<module>:20 - Iteration 1083: Points 1082 (cluster 1082) and 1230 (cluster 1230) connect at weight=115.0
2025-04-09 19:04:17.462 | DEBUG    | __main__:<module>:20 - Iteration 1084: Points 1061 (cluster 3080) and 1212 (cluster 1212) connect at weight=115.0
2025-04-09 19:04:17.462 | DEBUG    | __main__:<module>:20 - Iteration 1085: Points 1022 (cluster 3076) and 1214 (cluster 1214) connect at weight=115.0
2025-04-09 19:04:17.462 | DEBUG    | __main__:<module>:20 - Iteration 1086: Points 1015 (cluster 3054) and 1027 (cluster 1027) connect at weight=115.0
2025-04-09 19:04:17.463 | DEBUG    | __main__:<module>:20 - Iteration 1087: Points 987 (cluster 987) and 1005 (cluster 1005) connect at weight=115.0
2025-04-09 19:04:17.463 | DEBUG    | __main__:<module>:20 - Iteration 1088: Points 960 (cluster 2984) and 1089 (cluster 2887) connect at weight=115.0
2025-04-09 19:04:17.463 | DEBUG    | __main__:<module>:20 - Iteration 1089: Points 958 (cluster 958) and 998 (cluster 2971) connect at weight=115.0
2025-04-09 19:04:17.463 | DEBUG    | __main__:<module>:20 - Iteration 1090: Points 926 (cluster 2897) and 1080 (cluster 1080) connect at weight=115.0
2025-04-09 19:04:17.463 | DEBUG    | __main__:<module>:20 - Iteration 1091: Points 919 (cluster 2929) and 967 (cluster 967) connect at weight=115.0
2025-04-09 19:04:17.464 | DEBUG    | __main__:<module>:20 - Iteration 1092: Points 912 (cluster 2899) and 772 (cluster 2874) connect at weight=115.0
2025-04-09 19:04:17.464 | DEBUG    | __main__:<module>:20 - Iteration 1093: Points 902 (cluster 3082) and 1223 (cluster 1223) connect at weight=115.0
2025-04-09 19:04:17.465 | DEBUG    | __main__:<module>:20 - Iteration 1094: Points 877 (cluster 3092) and 961 (cluster 3086) connect at weight=115.0
2025-04-09 19:04:17.465 | DEBUG    | __main__:<module>:20 - Iteration 1095: Points 874 (cluster 3021) and 791 (cluster 2614) connect at weight=115.0
2025-04-09 19:04:17.465 | DEBUG    | __main__:<module>:20 - Iteration 1096: Points 868 (cluster 3093) and 933 (cluster 933) connect at weight=115.0
2025-04-09 19:04:17.465 | DEBUG    | __main__:<module>:20 - Iteration 1097: Points 865 (cluster 865) and 1158 (cluster 1158) connect at weight=115.0
2025-04-09 19:04:17.465 | DEBUG    | __main__:<module>:20 - Iteration 1098: Points 831 (cluster 3096) and 1123 (cluster 1123) connect at weight=115.0
2025-04-09 19:04:17.466 | DEBUG    | __main__:<module>:20 - Iteration 1099: Points 779 (cluster 3098) and 1061 (cluster 3084) connect at weight=115.0
2025-04-09 19:04:17.466 | DEBUG    | __main__:<module>:20 - Iteration 1100: Points 734 (cluster 3099) and 1266 (cluster 1266) connect at weight=115.0
2025-04-09 19:04:17.467 | DEBUG    | __main__:<module>:20 - Iteration 1101: Points 641 (cluster 3100) and 948 (cluster 948) connect at weight=115.0
2025-04-09 19:04:17.467 | DEBUG    | __main__:<module>:20 - Iteration 1102: Points 586 (cluster 3101) and 1019 (cluster 1019) connect at weight=115.0
2025-04-09 19:04:17.467 | DEBUG    | __main__:<module>:20 - Iteration 1103: Points 1281 (cluster 1281) and 1272 (cluster 1272) connect at weight=114.0
2025-04-09 19:04:17.467 | DEBUG    | __main__:<module>:20 - Iteration 1104: Points 1249 (cluster 1249) and 1263 (cluster 1263) connect at weight=114.0
2025-04-09 19:04:17.467 | DEBUG    | __main__:<module>:20 - Iteration 1105: Points 1246 (cluster 1246) and 1224 (cluster 1224) connect at weight=114.0
2025-04-09 19:04:17.468 | DEBUG    | __main__:<module>:20 - Iteration 1106: Points 1232 (cluster 1232) and 1206 (cluster 1206) connect at weight=114.0
2025-04-09 19:04:17.468 | DEBUG    | __main__:<module>:20 - Iteration 1107: Points 1212 (cluster 3102) and 1156 (cluster 1156) connect at weight=114.0
2025-04-09 19:04:17.468 | DEBUG    | __main__:<module>:20 - Iteration 1108: Points 1202 (cluster 1202) and 1278 (cluster 1278) connect at weight=114.0
2025-04-09 19:04:17.469 | DEBUG    | __main__:<module>:20 - Iteration 1109: Points 1196 (cluster 1196) and 1236 (cluster 1236) connect at weight=114.0
2025-04-09 19:04:17.469 | DEBUG    | __main__:<module>:20 - Iteration 1110: Points 1126 (cluster 3107) and 983 (cluster 2976) connect at weight=114.0
2025-04-09 19:04:17.469 | DEBUG    | __main__:<module>:20 - Iteration 1111: Points 1111 (cluster 1111) and 1075 (cluster 1075) connect at weight=114.0
2025-04-09 19:04:17.469 | DEBUG    | __main__:<module>:20 - Iteration 1112: Points 1050 (cluster 1050) and 956 (cluster 2825) connect at weight=114.0
2025-04-09 19:04:17.470 | DEBUG    | __main__:<module>:20 - Iteration 1113: Points 1041 (cluster 3022) and 1110 (cluster 2965) connect at weight=114.0
2025-04-09 19:04:17.470 | DEBUG    | __main__:<module>:20 - Iteration 1114: Points 1038 (cluster 1038) and 1142 (cluster 3002) connect at weight=114.0
2025-04-09 19:04:17.470 | DEBUG    | __main__:<module>:20 - Iteration 1115: Points 1001 (cluster 3088) and 752 (cluster 752) connect at weight=114.0
2025-04-09 19:04:17.471 | DEBUG    | __main__:<module>:20 - Iteration 1116: Points 961 (cluster 3094) and 917 (cluster 917) connect at weight=114.0
2025-04-09 19:04:17.471 | DEBUG    | __main__:<module>:20 - Iteration 1117: Points 960 (cluster 3115) and 832 (cluster 2960) connect at weight=114.0
2025-04-09 19:04:17.471 | DEBUG    | __main__:<module>:20 - Iteration 1118: Points 944 (cluster 3110) and 1071 (cluster 1071) connect at weight=114.0
2025-04-09 19:04:17.471 | DEBUG    | __main__:<module>:20 - Iteration 1119: Points 943 (cluster 3118) and 1034 (cluster 1034) connect at weight=114.0
2025-04-09 19:04:17.472 | DEBUG    | __main__:<module>:20 - Iteration 1120: Points 933 (cluster 3119) and 1113 (cluster 1113) connect at weight=114.0
2025-04-09 19:04:17.472 | DEBUG    | __main__:<module>:20 - Iteration 1121: Points 931 (cluster 3120) and 939 (cluster 2980) connect at weight=114.0
2025-04-09 19:04:17.472 | DEBUG    | __main__:<module>:20 - Iteration 1122: Points 888 (cluster 3121) and 1050 (cluster 3112) connect at weight=114.0
2025-04-09 19:04:17.473 | DEBUG    | __main__:<module>:20 - Iteration 1123: Points 877 (cluster 3116) and 928 (cluster 3056) connect at weight=114.0
2025-04-09 19:04:17.473 | DEBUG    | __main__:<module>:20 - Iteration 1124: Points 849 (cluster 3122) and 1221 (cluster 1221) connect at weight=114.0
2025-04-09 19:04:17.473 | DEBUG    | __main__:<module>:20 - Iteration 1125: Points 849 (cluster 3124) and 993 (cluster 993) connect at weight=114.0
2025-04-09 19:04:17.473 | DEBUG    | __main__:<module>:20 - Iteration 1126: Points 846 (cluster 3077) and 1137 (cluster 1137) connect at weight=114.0
2025-04-09 19:04:17.473 | DEBUG    | __main__:<module>:20 - Iteration 1127: Points 828 (cluster 3125) and 962 (cluster 962) connect at weight=114.0
2025-04-09 19:04:17.474 | DEBUG    | __main__:<module>:20 - Iteration 1128: Points 823 (cluster 3127) and 1115 (cluster 3046) connect at weight=114.0
2025-04-09 19:04:17.474 | DEBUG    | __main__:<module>:20 - Iteration 1129: Points 813 (cluster 3128) and 1090 (cluster 3081) connect at weight=114.0
2025-04-09 19:04:17.474 | DEBUG    | __main__:<module>:20 - Iteration 1130: Points 807 (cluster 3129) and 865 (cluster 3097) connect at weight=114.0
2025-04-09 19:04:17.474 | DEBUG    | __main__:<module>:20 - Iteration 1131: Points 785 (cluster 3130) and 1245 (cluster 1245) connect at weight=114.0
2025-04-09 19:04:17.475 | DEBUG    | __main__:<module>:20 - Iteration 1132: Points 757 (cluster 757) and 915 (cluster 3126) connect at weight=114.0
2025-04-09 19:04:17.475 | DEBUG    | __main__:<module>:20 - Iteration 1133: Points 708 (cluster 3117) and 657 (cluster 2991) connect at weight=114.0
2025-04-09 19:04:17.475 | DEBUG    | __main__:<module>:20 - Iteration 1134: Points 695 (cluster 3090) and 1116 (cluster 1116) connect at weight=114.0
2025-04-09 19:04:17.476 | DEBUG    | __main__:<module>:20 - Iteration 1135: Points 605 (cluster 3134) and 872 (cluster 3113) connect at weight=114.0
2025-04-09 19:04:17.476 | DEBUG    | __main__:<module>:20 - Iteration 1136: Points 524 (cluster 3131) and 968 (cluster 968) connect at weight=114.0
2025-04-09 19:04:17.476 | DEBUG    | __main__:<module>:20 - Iteration 1137: Points 345 (cluster 3136) and 1014 (cluster 2973) connect at weight=114.0
2025-04-09 19:04:17.477 | DEBUG    | __main__:<module>:20 - Iteration 1138: Points 1268 (cluster 1268) and 1255 (cluster 1255) connect at weight=113.0
2025-04-09 19:04:17.477 | DEBUG    | __main__:<module>:20 - Iteration 1139: Points 1230 (cluster 3083) and 1277 (cluster 1277) connect at weight=113.0
2025-04-09 19:04:17.477 | DEBUG    | __main__:<module>:20 - Iteration 1140: Points 1214 (cluster 3085) and 1264 (cluster 1264) connect at weight=113.0
2025-04-09 19:04:17.478 | DEBUG    | __main__:<module>:20 - Iteration 1141: Points 1210 (cluster 1210) and 1045 (cluster 1045) connect at weight=113.0
2025-04-09 19:04:17.478 | DEBUG    | __main__:<module>:20 - Iteration 1142: Points 1201 (cluster 1201) and 1268 (cluster 3138) connect at weight=113.0
2025-04-09 19:04:17.478 | DEBUG    | __main__:<module>:20 - Iteration 1143: Points 1200 (cluster 1200) and 1295 (cluster 1295) connect at weight=113.0
2025-04-09 19:04:17.478 | DEBUG    | __main__:<module>:20 - Iteration 1144: Points 1198 (cluster 1198) and 1165 (cluster 1165) connect at weight=113.0
2025-04-09 19:04:17.479 | DEBUG    | __main__:<module>:20 - Iteration 1145: Points 1185 (cluster 1185) and 1239 (cluster 1239) connect at weight=113.0
2025-04-09 19:04:17.479 | DEBUG    | __main__:<module>:20 - Iteration 1146: Points 1176 (cluster 3137) and 1139 (cluster 1139) connect at weight=113.0
2025-04-09 19:04:17.479 | DEBUG    | __main__:<module>:20 - Iteration 1147: Points 1174 (cluster 3146) and 1234 (cluster 1234) connect at weight=113.0
2025-04-09 19:04:17.479 | DEBUG    | __main__:<module>:20 - Iteration 1148: Points 1163 (cluster 3147) and 1164 (cluster 3075) connect at weight=113.0
2025-04-09 19:04:17.479 | DEBUG    | __main__:<module>:20 - Iteration 1149: Points 1157 (cluster 3031) and 1288 (cluster 1288) connect at weight=113.0
2025-04-09 19:04:17.480 | DEBUG    | __main__:<module>:20 - Iteration 1150: Points 1111 (cluster 3111) and 1261 (cluster 1261) connect at weight=113.0
2025-04-09 19:04:17.480 | DEBUG    | __main__:<module>:20 - Iteration 1151: Points 1104 (cluster 3000) and 1229 (cluster 1229) connect at weight=113.0
2025-04-09 19:04:17.481 | DEBUG    | __main__:<module>:20 - Iteration 1152: Points 1080 (cluster 3135) and 1067 (cluster 2926) connect at weight=113.0
2025-04-09 19:04:17.481 | DEBUG    | __main__:<module>:20 - Iteration 1153: Points 1066 (cluster 3148) and 757 (cluster 3132) connect at weight=113.0
2025-04-09 19:04:17.481 | DEBUG    | __main__:<module>:20 - Iteration 1154: Points 1065 (cluster 3055) and 977 (cluster 977) connect at weight=113.0
2025-04-09 19:04:17.481 | DEBUG    | __main__:<module>:20 - Iteration 1155: Points 1051 (cluster 1051) and 1038 (cluster 3114) connect at weight=113.0
2025-04-09 19:04:17.482 | DEBUG    | __main__:<module>:20 - Iteration 1156: Points 1047 (cluster 1047) and 1192 (cluster 1192) connect at weight=113.0
2025-04-09 19:04:17.482 | DEBUG    | __main__:<module>:20 - Iteration 1157: Points 1039 (cluster 1039) and 1121 (cluster 3053) connect at weight=113.0
2025-04-09 19:04:17.482 | DEBUG    | __main__:<module>:20 - Iteration 1158: Points 1037 (cluster 3153) and 1219 (cluster 1219) connect at weight=113.0
2025-04-09 19:04:17.483 | DEBUG    | __main__:<module>:20 - Iteration 1159: Points 1037 (cluster 3158) and 1078 (cluster 1078) connect at weight=113.0
2025-04-09 19:04:17.483 | DEBUG    | __main__:<module>:20 - Iteration 1160: Points 1028 (cluster 3159) and 999 (cluster 3149) connect at weight=113.0
2025-04-09 19:04:17.483 | DEBUG    | __main__:<module>:20 - Iteration 1161: Points 1026 (cluster 3160) and 1300 (cluster 1300) connect at weight=113.0
2025-04-09 19:04:17.483 | DEBUG    | __main__:<module>:20 - Iteration 1162: Points 1013 (cluster 1013) and 1196 (cluster 3109) connect at weight=113.0
2025-04-09 19:04:17.484 | DEBUG    | __main__:<module>:20 - Iteration 1163: Points 1011 (cluster 3161) and 1283 (cluster 1283) connect at weight=113.0
2025-04-09 19:04:17.484 | DEBUG    | __main__:<module>:20 - Iteration 1164: Points 1011 (cluster 3163) and 1198 (cluster 3144) connect at weight=113.0
2025-04-09 19:04:17.484 | DEBUG    | __main__:<module>:20 - Iteration 1165: Points 1005 (cluster 3087) and 982 (cluster 982) connect at weight=113.0
2025-04-09 19:04:17.485 | DEBUG    | __main__:<module>:20 - Iteration 1166: Points 962 (cluster 3164) and 987 (cluster 3165) connect at weight=113.0
2025-04-09 19:04:17.485 | DEBUG    | __main__:<module>:20 - Iteration 1167: Points 886 (cluster 3166) and 1141 (cluster 1141) connect at weight=113.0
2025-04-09 19:04:17.485 | DEBUG    | __main__:<module>:20 - Iteration 1168: Points 852 (cluster 3167) and 1057 (cluster 3050) connect at weight=113.0
2025-04-09 19:04:17.486 | DEBUG    | __main__:<module>:20 - Iteration 1169: Points 821 (cluster 3168) and 1270 (cluster 1270) connect at weight=113.0
2025-04-09 19:04:17.486 | DEBUG    | __main__:<module>:20 - Iteration 1170: Points 794 (cluster 3169) and 926 (cluster 3152) connect at weight=113.0
2025-04-09 19:04:17.486 | DEBUG    | __main__:<module>:20 - Iteration 1171: Points 777 (cluster 3170) and 900 (cluster 900) connect at weight=113.0
2025-04-09 19:04:17.486 | DEBUG    | __main__:<module>:20 - Iteration 1172: Points 641 (cluster 3171) and 1092 (cluster 1092) connect at weight=113.0
2025-04-09 19:04:17.487 | DEBUG    | __main__:<module>:20 - Iteration 1173: Points 455 (cluster 3172) and 963 (cluster 963) connect at weight=113.0
2025-04-09 19:04:17.487 | DEBUG    | __main__:<module>:20 - Iteration 1174: Points 1300 (cluster 3173) and 1316 (cluster 1316) connect at weight=112.0
2025-04-09 19:04:17.487 | DEBUG    | __main__:<module>:20 - Iteration 1175: Points 1264 (cluster 3140) and 1240 (cluster 1240) connect at weight=112.0
2025-04-09 19:04:17.487 | DEBUG    | __main__:<module>:20 - Iteration 1176: Points 1251 (cluster 1251) and 1307 (cluster 1307) connect at weight=112.0
2025-04-09 19:04:17.488 | DEBUG    | __main__:<module>:20 - Iteration 1177: Points 1250 (cluster 1250) and 1257 (cluster 1257) connect at weight=112.0
2025-04-09 19:04:17.488 | DEBUG    | __main__:<module>:20 - Iteration 1178: Points 1221 (cluster 3174) and 1130 (cluster 1130) connect at weight=112.0
2025-04-09 19:04:17.488 | DEBUG    | __main__:<module>:20 - Iteration 1179: Points 1209 (cluster 1209) and 1232 (cluster 3106) connect at weight=112.0
2025-04-09 19:04:17.489 | DEBUG    | __main__:<module>:20 - Iteration 1180: Points 1166 (cluster 1166) and 1114 (cluster 1114) connect at weight=112.0
2025-04-09 19:04:17.489 | DEBUG    | __main__:<module>:20 - Iteration 1181: Points 1131 (cluster 1131) and 1111 (cluster 3150) connect at weight=112.0
2025-04-09 19:04:17.489 | DEBUG    | __main__:<module>:20 - Iteration 1182: Points 1093 (cluster 3178) and 1172 (cluster 2964) connect at weight=112.0
2025-04-09 19:04:17.489 | DEBUG    | __main__:<module>:20 - Iteration 1183: Points 1066 (cluster 3182) and 1134 (cluster 3043) connect at weight=112.0
2025-04-09 19:04:17.490 | DEBUG    | __main__:<module>:20 - Iteration 1184: Points 1048 (cluster 3183) and 1179 (cluster 3061) connect at weight=112.0
2025-04-09 19:04:17.490 | DEBUG    | __main__:<module>:20 - Iteration 1185: Points 1045 (cluster 3141) and 1104 (cluster 3151) connect at weight=112.0
2025-04-09 19:04:17.490 | DEBUG    | __main__:<module>:20 - Iteration 1186: Points 1038 (cluster 3155) and 1056 (cluster 1056) connect at weight=112.0
2025-04-09 19:04:17.491 | DEBUG    | __main__:<module>:20 - Iteration 1187: Points 1024 (cluster 3184) and 910 (cluster 3133) connect at weight=112.0
2025-04-09 19:04:17.491 | DEBUG    | __main__:<module>:20 - Iteration 1188: Points 1014 (cluster 3187) and 1169 (cluster 1169) connect at weight=112.0
2025-04-09 19:04:17.491 | DEBUG    | __main__:<module>:20 - Iteration 1189: Points 993 (cluster 3188) and 1242 (cluster 1242) connect at weight=112.0
2025-04-09 19:04:17.491 | DEBUG    | __main__:<module>:20 - Iteration 1190: Points 980 (cluster 3189) and 919 (cluster 3091) connect at weight=112.0
2025-04-09 19:04:17.492 | DEBUG    | __main__:<module>:20 - Iteration 1191: Points 948 (cluster 3190) and 1059 (cluster 1059) connect at weight=112.0
2025-04-09 19:04:17.492 | DEBUG    | __main__:<module>:20 - Iteration 1192: Points 945 (cluster 3191) and 1136 (cluster 1136) connect at weight=112.0
2025-04-09 19:04:17.492 | DEBUG    | __main__:<module>:20 - Iteration 1193: Points 890 (cluster 3192) and 1193 (cluster 1193) connect at weight=112.0
2025-04-09 19:04:17.493 | DEBUG    | __main__:<module>:20 - Iteration 1194: Points 835 (cluster 3193) and 1323 (cluster 1323) connect at weight=112.0
2025-04-09 19:04:17.493 | DEBUG    | __main__:<module>:20 - Iteration 1195: Points 787 (cluster 3194) and 1246 (cluster 3105) connect at weight=112.0
2025-04-09 19:04:17.493 | DEBUG    | __main__:<module>:20 - Iteration 1196: Points 760 (cluster 3195) and 912 (cluster 3123) connect at weight=112.0
2025-04-09 19:04:17.493 | DEBUG    | __main__:<module>:20 - Iteration 1197: Points 597 (cluster 3196) and 1127 (cluster 3003) connect at weight=112.0
2025-04-09 19:04:17.494 | DEBUG    | __main__:<module>:20 - Iteration 1198: Points 527 (cluster 3197) and 1040 (cluster 2924) connect at weight=112.0
2025-04-09 19:04:17.494 | DEBUG    | __main__:<module>:20 - Iteration 1199: Points 1327 (cluster 1327) and 1289 (cluster 1289) connect at weight=111.0
2025-04-09 19:04:17.494 | DEBUG    | __main__:<module>:20 - Iteration 1200: Points 1320 (cluster 1320) and 1200 (cluster 3143) connect at weight=111.0
2025-04-09 19:04:17.495 | DEBUG    | __main__:<module>:20 - Iteration 1201: Points 1304 (cluster 1304) and 1302 (cluster 1302) connect at weight=111.0
2025-04-09 19:04:17.495 | DEBUG    | __main__:<module>:20 - Iteration 1202: Points 1292 (cluster 1292) and 1205 (cluster 1205) connect at weight=111.0
2025-04-09 19:04:17.495 | DEBUG    | __main__:<module>:20 - Iteration 1203: Points 1253 (cluster 1253) and 1324 (cluster 1324) connect at weight=111.0
2025-04-09 19:04:17.495 | DEBUG    | __main__:<module>:20 - Iteration 1204: Points 1253 (cluster 3203) and 1227 (cluster 1227) connect at weight=111.0
2025-04-09 19:04:17.495 | DEBUG    | __main__:<module>:20 - Iteration 1205: Points 1252 (cluster 1252) and 1079 (cluster 1079) connect at weight=111.0
2025-04-09 19:04:17.496 | DEBUG    | __main__:<module>:20 - Iteration 1206: Points 1236 (cluster 3162) and 1262 (cluster 1262) connect at weight=111.0
2025-04-09 19:04:17.496 | DEBUG    | __main__:<module>:20 - Iteration 1207: Points 1226 (cluster 1226) and 1217 (cluster 1217) connect at weight=111.0
2025-04-09 19:04:17.497 | DEBUG    | __main__:<module>:20 - Iteration 1208: Points 1215 (cluster 1215) and 1293 (cluster 1293) connect at weight=111.0
2025-04-09 19:04:17.497 | DEBUG    | __main__:<module>:20 - Iteration 1209: Points 1181 (cluster 1181) and 1241 (cluster 1241) connect at weight=111.0
2025-04-09 19:04:17.497 | DEBUG    | __main__:<module>:20 - Iteration 1210: Points 1178 (cluster 3089) and 1259 (cluster 1259) connect at weight=111.0
2025-04-09 19:04:17.497 | DEBUG    | __main__:<module>:20 - Iteration 1211: Points 1173 (cluster 3198) and 1317 (cluster 1317) connect at weight=111.0
2025-04-09 19:04:17.498 | DEBUG    | __main__:<module>:20 - Iteration 1212: Points 1092 (cluster 3211) and 1133 (cluster 1133) connect at weight=111.0
2025-04-09 19:04:17.498 | DEBUG    | __main__:<module>:20 - Iteration 1213: Points 986 (cluster 3154) and 874 (cluster 3095) connect at weight=111.0
2025-04-09 19:04:17.498 | DEBUG    | __main__:<module>:20 - Iteration 1214: Points 970 (cluster 3212) and 1296 (cluster 1296) connect at weight=111.0
2025-04-09 19:04:17.498 | DEBUG    | __main__:<module>:20 - Iteration 1215: Points 868 (cluster 3214) and 1128 (cluster 1128) connect at weight=111.0
2025-04-09 19:04:17.499 | DEBUG    | __main__:<module>:20 - Iteration 1216: Points 862 (cluster 3215) and 1160 (cluster 1160) connect at weight=111.0
2025-04-09 19:04:17.499 | DEBUG    | __main__:<module>:20 - Iteration 1217: Points 841 (cluster 3216) and 1166 (cluster 3180) connect at weight=111.0
2025-04-09 19:04:17.499 | DEBUG    | __main__:<module>:20 - Iteration 1218: Points 798 (cluster 3217) and 958 (cluster 3210) connect at weight=111.0
2025-04-09 19:04:17.500 | DEBUG    | __main__:<module>:20 - Iteration 1219: Points 467 (cluster 3218) and 1082 (cluster 3139) connect at weight=111.0
2025-04-09 19:04:17.500 | DEBUG    | __main__:<module>:20 - Iteration 1220: Points 1349 (cluster 1349) and 1337 (cluster 1337) connect at weight=110.0
2025-04-09 19:04:17.500 | DEBUG    | __main__:<module>:20 - Iteration 1221: Points 1304 (cluster 3201) and 1345 (cluster 1345) connect at weight=110.0
2025-04-09 19:04:17.500 | DEBUG    | __main__:<module>:20 - Iteration 1222: Points 1294 (cluster 1294) and 1235 (cluster 1235) connect at weight=110.0
2025-04-09 19:04:17.501 | DEBUG    | __main__:<module>:20 - Iteration 1223: Points 1293 (cluster 3208) and 1274 (cluster 1274) connect at weight=110.0
2025-04-09 19:04:17.501 | DEBUG    | __main__:<module>:20 - Iteration 1224: Points 1292 (cluster 3202) and 1287 (cluster 1287) connect at weight=110.0
2025-04-09 19:04:17.501 | DEBUG    | __main__:<module>:20 - Iteration 1225: Points 1285 (cluster 1285) and 1253 (cluster 3204) connect at weight=110.0
2025-04-09 19:04:17.502 | DEBUG    | __main__:<module>:20 - Iteration 1226: Points 1269 (cluster 1269) and 1343 (cluster 1343) connect at weight=110.0
2025-04-09 19:04:17.502 | DEBUG    | __main__:<module>:20 - Iteration 1227: Points 1265 (cluster 1265) and 1184 (cluster 1184) connect at weight=110.0
2025-04-09 19:04:17.502 | DEBUG    | __main__:<module>:20 - Iteration 1228: Points 1260 (cluster 1260) and 1197 (cluster 1197) connect at weight=110.0
2025-04-09 19:04:17.502 | DEBUG    | __main__:<module>:20 - Iteration 1229: Points 1238 (cluster 1238) and 1269 (cluster 3226) connect at weight=110.0
2025-04-09 19:04:17.503 | DEBUG    | __main__:<module>:20 - Iteration 1230: Points 1203 (cluster 1203) and 1335 (cluster 1335) connect at weight=110.0
2025-04-09 19:04:17.503 | DEBUG    | __main__:<module>:20 - Iteration 1231: Points 1187 (cluster 2920) and 1215 (cluster 3223) connect at weight=110.0
2025-04-09 19:04:17.503 | DEBUG    | __main__:<module>:20 - Iteration 1232: Points 1187 (cluster 3231) and 1006 (cluster 3008) connect at weight=110.0
2025-04-09 19:04:17.504 | DEBUG    | __main__:<module>:20 - Iteration 1233: Points 1170 (cluster 3219) and 1349 (cluster 3220) connect at weight=110.0
2025-04-09 19:04:17.504 | DEBUG    | __main__:<module>:20 - Iteration 1234: Points 1159 (cluster 3233) and 1074 (cluster 1074) connect at weight=110.0
2025-04-09 19:04:17.504 | DEBUG    | __main__:<module>:20 - Iteration 1235: Points 1128 (cluster 3234) and 1208 (cluster 3039) connect at weight=110.0
2025-04-09 19:04:17.505 | DEBUG    | __main__:<module>:20 - Iteration 1236: Points 1109 (cluster 3235) and 1330 (cluster 1330) connect at weight=110.0
2025-04-09 19:04:17.505 | DEBUG    | __main__:<module>:20 - Iteration 1237: Points 1101 (cluster 3236) and 1149 (cluster 1149) connect at weight=110.0
2025-04-09 19:04:17.505 | DEBUG    | __main__:<module>:20 - Iteration 1238: Points 1002 (cluster 3237) and 1013 (cluster 3206) connect at weight=110.0
2025-04-09 19:04:17.505 | DEBUG    | __main__:<module>:20 - Iteration 1239: Points 999 (cluster 3238) and 1309 (cluster 1309) connect at weight=110.0
2025-04-09 19:04:17.506 | DEBUG    | __main__:<module>:20 - Iteration 1240: Points 969 (cluster 3239) and 1099 (cluster 3213) connect at weight=110.0
2025-04-09 19:04:17.506 | DEBUG    | __main__:<module>:20 - Iteration 1241: Points 707 (cluster 3240) and 1284 (cluster 1284) connect at weight=110.0
2025-04-09 19:04:17.506 | DEBUG    | __main__:<module>:20 - Iteration 1242: Points 1306 (cluster 1306) and 1362 (cluster 1362) connect at weight=109.0
2025-04-09 19:04:17.507 | DEBUG    | __main__:<module>:20 - Iteration 1243: Points 1303 (cluster 1303) and 1276 (cluster 1276) connect at weight=109.0
2025-04-09 19:04:17.507 | DEBUG    | __main__:<module>:20 - Iteration 1244: Points 1292 (cluster 3224) and 1334 (cluster 1334) connect at weight=109.0
2025-04-09 19:04:17.507 | DEBUG    | __main__:<module>:20 - Iteration 1245: Points 1262 (cluster 3241) and 1124 (cluster 1124) connect at weight=109.0
2025-04-09 19:04:17.507 | DEBUG    | __main__:<module>:20 - Iteration 1246: Points 1237 (cluster 1237) and 1185 (cluster 3145) connect at weight=109.0
2025-04-09 19:04:17.508 | DEBUG    | __main__:<module>:20 - Iteration 1247: Points 1222 (cluster 1222) and 1018 (cluster 1018) connect at weight=109.0
2025-04-09 19:04:17.508 | DEBUG    | __main__:<module>:20 - Iteration 1248: Points 1206 (cluster 3179) and 1251 (cluster 3176) connect at weight=109.0
2025-04-09 19:04:17.508 | DEBUG    | __main__:<module>:20 - Iteration 1249: Points 1192 (cluster 3156) and 1012 (cluster 1012) connect at weight=109.0
2025-04-09 19:04:17.509 | DEBUG    | __main__:<module>:20 - Iteration 1250: Points 1164 (cluster 3245) and 1077 (cluster 1077) connect at weight=109.0
2025-04-09 19:04:17.509 | DEBUG    | __main__:<module>:20 - Iteration 1251: Points 1160 (cluster 3250) and 1238 (cluster 3229) connect at weight=109.0
2025-04-09 19:04:17.509 | DEBUG    | __main__:<module>:20 - Iteration 1252: Points 1149 (cluster 3251) and 1210 (cluster 3185) connect at weight=109.0
2025-04-09 19:04:17.509 | DEBUG    | __main__:<module>:20 - Iteration 1253: Points 1136 (cluster 3252) and 1222 (cluster 3247) connect at weight=109.0
2025-04-09 19:04:17.509 | DEBUG    | __main__:<module>:20 - Iteration 1254: Points 1130 (cluster 3253) and 1117 (cluster 3004) connect at weight=109.0
2025-04-09 19:04:17.510 | DEBUG    | __main__:<module>:20 - Iteration 1255: Points 1129 (cluster 3254) and 1162 (cluster 3175) connect at weight=109.0
2025-04-09 19:04:17.510 | DEBUG    | __main__:<module>:20 - Iteration 1256: Points 1122 (cluster 3255) and 1308 (cluster 1308) connect at weight=109.0
2025-04-09 19:04:17.510 | DEBUG    | __main__:<module>:20 - Iteration 1257: Points 1102 (cluster 3256) and 1237 (cluster 3246) connect at weight=109.0
2025-04-09 19:04:17.511 | DEBUG    | __main__:<module>:20 - Iteration 1258: Points 1075 (cluster 3181) and 1298 (cluster 1298) connect at weight=109.0
2025-04-09 19:04:17.511 | DEBUG    | __main__:<module>:20 - Iteration 1259: Points 1058 (cluster 3232) and 1047 (cluster 3249) connect at weight=109.0
2025-04-09 19:04:17.511 | DEBUG    | __main__:<module>:20 - Iteration 1260: Points 1047 (cluster 3259) and 1301 (cluster 1301) connect at weight=109.0
2025-04-09 19:04:17.512 | DEBUG    | __main__:<module>:20 - Iteration 1261: Points 1020 (cluster 3257) and 1354 (cluster 1354) connect at weight=109.0
2025-04-09 19:04:17.512 | DEBUG    | __main__:<module>:20 - Iteration 1262: Points 1017 (cluster 3157) and 1248 (cluster 1248) connect at weight=109.0
2025-04-09 19:04:17.512 | DEBUG    | __main__:<module>:20 - Iteration 1263: Points 1010 (cluster 3261) and 1155 (cluster 1155) connect at weight=109.0
2025-04-09 19:04:17.512 | DEBUG    | __main__:<module>:20 - Iteration 1264: Points 967 (cluster 3263) and 1249 (cluster 3104) connect at weight=109.0
2025-04-09 19:04:17.513 | DEBUG    | __main__:<module>:20 - Iteration 1265: Points 949 (cluster 3264) and 1244 (cluster 1244) connect at weight=109.0
2025-04-09 19:04:17.513 | DEBUG    | __main__:<module>:20 - Iteration 1266: Points 830 (cluster 3265) and 1311 (cluster 1311) connect at weight=109.0
2025-04-09 19:04:17.513 | DEBUG    | __main__:<module>:20 - Iteration 1267: Points 787 (cluster 3266) and 1314 (cluster 1314) connect at weight=109.0
2025-04-09 19:04:17.514 | DEBUG    | __main__:<module>:20 - Iteration 1268: Points 787 (cluster 3267) and 1282 (cluster 1282) connect at weight=109.0
2025-04-09 19:04:17.514 | DEBUG    | __main__:<module>:20 - Iteration 1269: Points 1353 (cluster 1353) and 1352 (cluster 1352) connect at weight=108.0
2025-04-09 19:04:17.514 | DEBUG    | __main__:<module>:20 - Iteration 1270: Points 1349 (cluster 3268) and 1389 (cluster 1389) connect at weight=108.0
2025-04-09 19:04:17.515 | DEBUG    | __main__:<module>:20 - Iteration 1271: Points 1348 (cluster 1348) and 1355 (cluster 1355) connect at weight=108.0
2025-04-09 19:04:17.515 | DEBUG    | __main__:<module>:20 - Iteration 1272: Points 1298 (cluster 3258) and 1285 (cluster 3225) connect at weight=108.0
2025-04-09 19:04:17.515 | DEBUG    | __main__:<module>:20 - Iteration 1273: Points 1291 (cluster 1291) and 1356 (cluster 1356) connect at weight=108.0
2025-04-09 19:04:17.515 | DEBUG    | __main__:<module>:20 - Iteration 1274: Points 1286 (cluster 1286) and 1281 (cluster 3103) connect at weight=108.0
2025-04-09 19:04:17.516 | DEBUG    | __main__:<module>:20 - Iteration 1275: Points 1285 (cluster 3272) and 1340 (cluster 1340) connect at weight=108.0
2025-04-09 19:04:17.516 | DEBUG    | __main__:<module>:20 - Iteration 1276: Points 1284 (cluster 3270) and 1380 (cluster 1380) connect at weight=108.0
2025-04-09 19:04:17.516 | DEBUG    | __main__:<module>:20 - Iteration 1277: Points 1282 (cluster 3276) and 1363 (cluster 1363) connect at weight=108.0
2025-04-09 19:04:17.517 | DEBUG    | __main__:<module>:20 - Iteration 1278: Points 1256 (cluster 1256) and 1292 (cluster 3244) connect at weight=108.0
2025-04-09 19:04:17.517 | DEBUG    | __main__:<module>:20 - Iteration 1279: Points 1247 (cluster 1247) and 1326 (cluster 1326) connect at weight=108.0
2025-04-09 19:04:17.517 | DEBUG    | __main__:<module>:20 - Iteration 1280: Points 1241 (cluster 3209) and 1328 (cluster 1328) connect at weight=108.0
2025-04-09 19:04:17.517 | DEBUG    | __main__:<module>:20 - Iteration 1281: Points 1239 (cluster 3277) and 1216 (cluster 1216) connect at weight=108.0
2025-04-09 19:04:17.517 | DEBUG    | __main__:<module>:20 - Iteration 1282: Points 1227 (cluster 3275) and 1183 (cluster 1183) connect at weight=108.0
2025-04-09 19:04:17.518 | DEBUG    | __main__:<module>:20 - Iteration 1283: Points 1178 (cluster 3281) and 1181 (cluster 3280) connect at weight=108.0
2025-04-09 19:04:17.518 | DEBUG    | __main__:<module>:20 - Iteration 1284: Points 1151 (cluster 3186) and 1209 (cluster 3248) connect at weight=108.0
2025-04-09 19:04:17.519 | DEBUG    | __main__:<module>:20 - Iteration 1285: Points 1124 (cluster 3283) and 1201 (cluster 3142) connect at weight=108.0
2025-04-09 19:04:17.519 | DEBUG    | __main__:<module>:20 - Iteration 1286: Points 1118 (cluster 3285) and 1341 (cluster 1341) connect at weight=108.0
2025-04-09 19:04:17.519 | DEBUG    | __main__:<module>:20 - Iteration 1287: Points 1046 (cluster 3286) and 1260 (cluster 3228) connect at weight=108.0
2025-04-09 19:04:17.519 | DEBUG    | __main__:<module>:20 - Iteration 1288: Points 1031 (cluster 3287) and 1039 (cluster 3262) connect at weight=108.0
2025-04-09 19:04:17.520 | DEBUG    | __main__:<module>:20 - Iteration 1289: Points 1012 (cluster 3260) and 1313 (cluster 1313) connect at weight=108.0
2025-04-09 19:04:17.520 | DEBUG    | __main__:<module>:20 - Iteration 1290: Points 1010 (cluster 3288) and 1267 (cluster 1267) connect at weight=108.0
2025-04-09 19:04:17.520 | DEBUG    | __main__:<module>:20 - Iteration 1291: Points 1006 (cluster 3289) and 1203 (cluster 3230) connect at weight=108.0
2025-04-09 19:04:17.520 | DEBUG    | __main__:<module>:20 - Iteration 1292: Points 990 (cluster 3290) and 1233 (cluster 1233) connect at weight=108.0
2025-04-09 19:04:17.521 | DEBUG    | __main__:<module>:20 - Iteration 1293: Points 984 (cluster 984) and 1247 (cluster 3279) connect at weight=108.0
2025-04-09 19:04:17.521 | DEBUG    | __main__:<module>:20 - Iteration 1294: Points 983 (cluster 3292) and 1211 (cluster 1211) connect at weight=108.0
2025-04-09 19:04:17.521 | DEBUG    | __main__:<module>:20 - Iteration 1295: Points 973 (cluster 3294) and 1131 (cluster 3282) connect at weight=108.0
2025-04-09 19:04:17.521 | DEBUG    | __main__:<module>:20 - Iteration 1296: Points 925 (cluster 925) and 1007 (cluster 2891) connect at weight=108.0
2025-04-09 19:04:17.521 | DEBUG    | __main__:<module>:20 - Iteration 1297: Points 911 (cluster 3295) and 1315 (cluster 1315) connect at weight=108.0
2025-04-09 19:04:17.522 | DEBUG    | __main__:<module>:20 - Iteration 1298: Points 884 (cluster 3297) and 984 (cluster 3293) connect at weight=108.0
2025-04-09 19:04:17.522 | DEBUG    | __main__:<module>:20 - Iteration 1299: Points 777 (cluster 3298) and 1250 (cluster 3177) connect at weight=108.0
2025-04-09 19:04:17.522 | DEBUG    | __main__:<module>:20 - Iteration 1300: Points 729 (cluster 3299) and 1271 (cluster 1271) connect at weight=108.0
2025-04-09 19:04:17.522 | DEBUG    | __main__:<module>:20 - Iteration 1301: Points 1361 (cluster 1361) and 1407 (cluster 1407) connect at weight=107.0
2025-04-09 19:04:17.523 | DEBUG    | __main__:<module>:20 - Iteration 1302: Points 1353 (cluster 3269) and 1382 (cluster 1382) connect at weight=107.0
2025-04-09 19:04:17.523 | DEBUG    | __main__:<module>:20 - Iteration 1303: Points 1327 (cluster 3199) and 1265 (cluster 3227) connect at weight=107.0
2025-04-09 19:04:17.524 | DEBUG    | __main__:<module>:20 - Iteration 1304: Points 1322 (cluster 1322) and 1305 (cluster 1305) connect at weight=107.0
2025-04-09 19:04:17.524 | DEBUG    | __main__:<module>:20 - Iteration 1305: Points 1316 (cluster 3300) and 1366 (cluster 1366) connect at weight=107.0
2025-04-09 19:04:17.524 | DEBUG    | __main__:<module>:20 - Iteration 1306: Points 1313 (cluster 3291) and 1297 (cluster 1297) connect at weight=107.0
2025-04-09 19:04:17.525 | DEBUG    | __main__:<module>:20 - Iteration 1307: Points 1273 (cluster 1273) and 1275 (cluster 1275) connect at weight=107.0
2025-04-09 19:04:17.525 | DEBUG    | __main__:<module>:20 - Iteration 1308: Points 1267 (cluster 3305) and 1083 (cluster 1083) connect at weight=107.0
2025-04-09 19:04:17.525 | DEBUG    | __main__:<module>:20 - Iteration 1309: Points 1263 (cluster 3308) and 1327 (cluster 3303) connect at weight=107.0
2025-04-09 19:04:17.525 | DEBUG    | __main__:<module>:20 - Iteration 1310: Points 1243 (cluster 1243) and 1280 (cluster 1280) connect at weight=107.0
2025-04-09 19:04:17.526 | DEBUG    | __main__:<module>:20 - Iteration 1311: Points 1235 (cluster 3222) and 1312 (cluster 1312) connect at weight=107.0
2025-04-09 19:04:17.526 | DEBUG    | __main__:<module>:20 - Iteration 1312: Points 1229 (cluster 3309) and 1346 (cluster 1346) connect at weight=107.0
2025-04-09 19:04:17.526 | DEBUG    | __main__:<module>:20 - Iteration 1313: Points 1223 (cluster 3312) and 1331 (cluster 1331) connect at weight=107.0
2025-04-09 19:04:17.526 | DEBUG    | __main__:<module>:20 - Iteration 1314: Points 1199 (cluster 3313) and 1387 (cluster 1387) connect at weight=107.0
2025-04-09 19:04:17.527 | DEBUG    | __main__:<module>:20 - Iteration 1315: Points 1189 (cluster 1189) and 1273 (cluster 3307) connect at weight=107.0
2025-04-09 19:04:17.527 | DEBUG    | __main__:<module>:20 - Iteration 1316: Points 1188 (cluster 3314) and 1321 (cluster 1321) connect at weight=107.0
2025-04-09 19:04:17.527 | DEBUG    | __main__:<module>:20 - Iteration 1317: Points 1184 (cluster 3316) and 1051 (cluster 3284) connect at weight=107.0
2025-04-09 19:04:17.528 | DEBUG    | __main__:<module>:20 - Iteration 1318: Points 1182 (cluster 3317) and 1204 (cluster 1204) connect at weight=107.0
2025-04-09 19:04:17.528 | DEBUG    | __main__:<module>:20 - Iteration 1319: Points 1108 (cluster 3296) and 1189 (cluster 3315) connect at weight=107.0
2025-04-09 19:04:17.528 | DEBUG    | __main__:<module>:20 - Iteration 1320: Points 1103 (cluster 3318) and 1243 (cluster 3310) connect at weight=107.0
2025-04-09 19:04:17.528 | DEBUG    | __main__:<module>:20 - Iteration 1321: Points 1081 (cluster 3320) and 1258 (cluster 1258) connect at weight=107.0
2025-04-09 19:04:17.529 | DEBUG    | __main__:<module>:20 - Iteration 1322: Points 1056 (cluster 3321) and 1231 (cluster 1231) connect at weight=107.0
2025-04-09 19:04:17.529 | DEBUG    | __main__:<module>:20 - Iteration 1323: Points 1047 (cluster 3306) and 1228 (cluster 1228) connect at weight=107.0
2025-04-09 19:04:17.529 | DEBUG    | __main__:<module>:20 - Iteration 1324: Points 1045 (cluster 3322) and 1256 (cluster 3278) connect at weight=107.0
2025-04-09 19:04:17.530 | DEBUG    | __main__:<module>:20 - Iteration 1325: Points 1018 (cluster 3324) and 1252 (cluster 3205) connect at weight=107.0
2025-04-09 19:04:17.530 | DEBUG    | __main__:<module>:20 - Iteration 1326: Points 1425 (cluster 1425) and 1390 (cluster 1390) connect at weight=106.0
2025-04-09 19:04:17.530 | DEBUG    | __main__:<module>:20 - Iteration 1327: Points 1408 (cluster 1408) and 1425 (cluster 3326) connect at weight=106.0
2025-04-09 19:04:17.530 | DEBUG    | __main__:<module>:20 - Iteration 1328: Points 1375 (cluster 1375) and 1403 (cluster 1403) connect at weight=106.0
2025-04-09 19:04:17.531 | DEBUG    | __main__:<module>:20 - Iteration 1329: Points 1331 (cluster 3325) and 1388 (cluster 1388) connect at weight=106.0
2025-04-09 19:04:17.531 | DEBUG    | __main__:<module>:20 - Iteration 1330: Points 1308 (cluster 3329) and 1422 (cluster 1422) connect at weight=106.0
2025-04-09 19:04:17.531 | DEBUG    | __main__:<module>:20 - Iteration 1331: Points 1297 (cluster 3323) and 1412 (cluster 1412) connect at weight=106.0
2025-04-09 19:04:17.532 | DEBUG    | __main__:<module>:20 - Iteration 1332: Points 1297 (cluster 3331) and 1402 (cluster 1402) connect at weight=106.0
2025-04-09 19:04:17.532 | DEBUG    | __main__:<module>:20 - Iteration 1333: Points 1295 (cluster 3200) and 1418 (cluster 1418) connect at weight=106.0
2025-04-09 19:04:17.532 | DEBUG    | __main__:<module>:20 - Iteration 1334: Points 1290 (cluster 1290) and 1320 (cluster 3333) connect at weight=106.0
2025-04-09 19:04:17.532 | DEBUG    | __main__:<module>:20 - Iteration 1335: Points 1284 (cluster 3330) and 1391 (cluster 1391) connect at weight=106.0
2025-04-09 19:04:17.533 | DEBUG    | __main__:<module>:20 - Iteration 1336: Points 1271 (cluster 3335) and 1394 (cluster 1394) connect at weight=106.0
2025-04-09 19:04:17.533 | DEBUG    | __main__:<module>:20 - Iteration 1337: Points 1174 (cluster 3336) and 1338 (cluster 1338) connect at weight=106.0
2025-04-09 19:04:17.533 | DEBUG    | __main__:<module>:20 - Iteration 1338: Points 1140 (cluster 3337) and 1348 (cluster 3271) connect at weight=106.0
2025-04-09 19:04:17.533 | DEBUG    | __main__:<module>:20 - Iteration 1339: Points 1125 (cluster 3338) and 1364 (cluster 1364) connect at weight=106.0
2025-04-09 19:04:17.534 | DEBUG    | __main__:<module>:20 - Iteration 1340: Points 1064 (cluster 3339) and 1332 (cluster 1332) connect at weight=106.0
2025-04-09 19:04:17.534 | DEBUG    | __main__:<module>:20 - Iteration 1341: Points 1044 (cluster 3340) and 1374 (cluster 1374) connect at weight=106.0
2025-04-09 19:04:17.534 | DEBUG    | __main__:<module>:20 - Iteration 1342: Points 1011 (cluster 3341) and 1377 (cluster 1377) connect at weight=106.0
2025-04-09 19:04:17.535 | DEBUG    | __main__:<module>:20 - Iteration 1343: Points 881 (cluster 3342) and 1304 (cluster 3221) connect at weight=106.0
2025-04-09 19:04:17.535 | DEBUG    | __main__:<module>:20 - Iteration 1344: Points 608 (cluster 3343) and 925 (cluster 3319) connect at weight=106.0
2025-04-09 19:04:17.535 | DEBUG    | __main__:<module>:20 - Iteration 1345: Points 592 (cluster 3344) and 1290 (cluster 3334) connect at weight=106.0
2025-04-09 19:04:17.536 | DEBUG    | __main__:<module>:20 - Iteration 1346: Points 1373 (cluster 1373) and 1414 (cluster 1414) connect at weight=105.0
2025-04-09 19:04:17.536 | DEBUG    | __main__:<module>:20 - Iteration 1347: Points 1368 (cluster 1368) and 1413 (cluster 1413) connect at weight=105.0
2025-04-09 19:04:17.536 | DEBUG    | __main__:<module>:20 - Iteration 1348: Points 1363 (cluster 3345) and 1432 (cluster 1432) connect at weight=105.0
2025-04-09 19:04:17.536 | DEBUG    | __main__:<module>:20 - Iteration 1349: Points 1360 (cluster 1360) and 1358 (cluster 1358) connect at weight=105.0
2025-04-09 19:04:17.537 | DEBUG    | __main__:<module>:20 - Iteration 1350: Points 1355 (cluster 3348) and 1329 (cluster 1329) connect at weight=105.0
2025-04-09 19:04:17.537 | DEBUG    | __main__:<module>:20 - Iteration 1351: Points 1301 (cluster 3332) and 1361 (cluster 3301) connect at weight=105.0
2025-04-09 19:04:17.537 | DEBUG    | __main__:<module>:20 - Iteration 1352: Points 1204 (cluster 3350) and 1286 (cluster 3274) connect at weight=105.0
2025-04-09 19:04:17.538 | DEBUG    | __main__:<module>:20 - Iteration 1353: Points 1199 (cluster 3352) and 1306 (cluster 3242) connect at weight=105.0
2025-04-09 19:04:17.538 | DEBUG    | __main__:<module>:20 - Iteration 1354: Points 1145 (cluster 3353) and 1299 (cluster 1299) connect at weight=105.0
2025-04-09 19:04:17.538 | DEBUG    | __main__:<module>:20 - Iteration 1355: Points 1071 (cluster 3354) and 1373 (cluster 3346) connect at weight=105.0
2025-04-09 19:04:17.538 | DEBUG    | __main__:<module>:20 - Iteration 1356: Points 1069 (cluster 3355) and 1226 (cluster 3207) connect at weight=105.0
2025-04-09 19:04:17.539 | DEBUG    | __main__:<module>:20 - Iteration 1357: Points 966 (cluster 3356) and 1357 (cluster 1357) connect at weight=105.0
2025-04-09 19:04:17.539 | DEBUG    | __main__:<module>:20 - Iteration 1358: Points 1398 (cluster 1398) and 1393 (cluster 1393) connect at weight=104.0
2025-04-09 19:04:17.539 | DEBUG    | __main__:<module>:20 - Iteration 1359: Points 1390 (cluster 3327) and 1454 (cluster 1454) connect at weight=104.0
2025-04-09 19:04:17.539 | DEBUG    | __main__:<module>:20 - Iteration 1360: Points 1373 (cluster 3357) and 1415 (cluster 1415) connect at weight=104.0
2025-04-09 19:04:17.540 | DEBUG    | __main__:<module>:20 - Iteration 1361: Points 1367 (cluster 1367) and 1347 (cluster 1347) connect at weight=104.0
2025-04-09 19:04:17.540 | DEBUG    | __main__:<module>:20 - Iteration 1362: Points 1356 (cluster 3273) and 1400 (cluster 1400) connect at weight=104.0
2025-04-09 19:04:17.540 | DEBUG    | __main__:<module>:20 - Iteration 1363: Points 1353 (cluster 3302) and 1385 (cluster 1385) connect at weight=104.0
2025-04-09 19:04:17.541 | DEBUG    | __main__:<module>:20 - Iteration 1364: Points 1338 (cluster 3360) and 1430 (cluster 1430) connect at weight=104.0
2025-04-09 19:04:17.541 | DEBUG    | __main__:<module>:20 - Iteration 1365: Points 1307 (cluster 3364) and 1401 (cluster 1401) connect at weight=104.0
2025-04-09 19:04:17.541 | DEBUG    | __main__:<module>:20 - Iteration 1366: Points 1286 (cluster 3365) and 1351 (cluster 1351) connect at weight=104.0
2025-04-09 19:04:17.542 | DEBUG    | __main__:<module>:20 - Iteration 1367: Points 1286 (cluster 3366) and 1342 (cluster 1342) connect at weight=104.0
2025-04-09 19:04:17.542 | DEBUG    | __main__:<module>:20 - Iteration 1368: Points 1275 (cluster 3367) and 1367 (cluster 3361) connect at weight=104.0
2025-04-09 19:04:17.542 | DEBUG    | __main__:<module>:20 - Iteration 1369: Points 1271 (cluster 3368) and 1344 (cluster 1344) connect at weight=104.0
2025-04-09 19:04:17.542 | DEBUG    | __main__:<module>:20 - Iteration 1370: Points 1243 (cluster 3369) and 1291 (cluster 3362) connect at weight=104.0
2025-04-09 19:04:17.542 | DEBUG    | __main__:<module>:20 - Iteration 1371: Points 1224 (cluster 3370) and 1435 (cluster 1435) connect at weight=104.0
2025-04-09 19:04:17.543 | DEBUG    | __main__:<module>:20 - Iteration 1372: Points 1186 (cluster 3371) and 1399 (cluster 1399) connect at weight=104.0
2025-04-09 19:04:17.543 | DEBUG    | __main__:<module>:20 - Iteration 1373: Points 1176 (cluster 3372) and 1371 (cluster 1371) connect at weight=104.0
2025-04-09 19:04:17.543 | DEBUG    | __main__:<module>:20 - Iteration 1374: Points 1157 (cluster 3373) and 1439 (cluster 1439) connect at weight=104.0
2025-04-09 19:04:17.544 | DEBUG    | __main__:<module>:20 - Iteration 1375: Points 1107 (cluster 3374) and 1424 (cluster 1424) connect at weight=104.0
2025-04-09 19:04:17.544 | DEBUG    | __main__:<module>:20 - Iteration 1376: Points 1107 (cluster 3375) and 1408 (cluster 3359) connect at weight=104.0
2025-04-09 19:04:17.544 | DEBUG    | __main__:<module>:20 - Iteration 1377: Points 1106 (cluster 3376) and 1063 (cluster 1063) connect at weight=104.0
2025-04-09 19:04:17.545 | DEBUG    | __main__:<module>:20 - Iteration 1378: Points 1072 (cluster 3377) and 1386 (cluster 1386) connect at weight=104.0
2025-04-09 19:04:17.545 | DEBUG    | __main__:<module>:20 - Iteration 1379: Points 933 (cluster 3378) and 1207 (cluster 1207) connect at weight=104.0
2025-04-09 19:04:17.545 | DEBUG    | __main__:<module>:20 - Iteration 1380: Points 922 (cluster 3379) and 1310 (cluster 1310) connect at weight=104.0
2025-04-09 19:04:17.546 | DEBUG    | __main__:<module>:20 - Iteration 1381: Points 881 (cluster 3380) and 1318 (cluster 1318) connect at weight=104.0
2025-04-09 19:04:17.546 | DEBUG    | __main__:<module>:20 - Iteration 1382: Points 1433 (cluster 1433) and 1426 (cluster 1426) connect at weight=103.0
2025-04-09 19:04:17.546 | DEBUG    | __main__:<module>:20 - Iteration 1383: Points 1419 (cluster 1419) and 1381 (cluster 1381) connect at weight=103.0
2025-04-09 19:04:17.546 | DEBUG    | __main__:<module>:20 - Iteration 1384: Points 1416 (cluster 1416) and 1404 (cluster 1404) connect at weight=103.0
2025-04-09 19:04:17.547 | DEBUG    | __main__:<module>:20 - Iteration 1385: Points 1394 (cluster 3381) and 1456 (cluster 1456) connect at weight=103.0
2025-04-09 19:04:17.547 | DEBUG    | __main__:<module>:20 - Iteration 1386: Points 1388 (cluster 3385) and 1466 (cluster 1466) connect at weight=103.0
2025-04-09 19:04:17.547 | DEBUG    | __main__:<module>:20 - Iteration 1387: Points 1384 (cluster 1384) and 1471 (cluster 1471) connect at weight=103.0
2025-04-09 19:04:17.547 | DEBUG    | __main__:<module>:20 - Iteration 1388: Points 1382 (cluster 3363) and 1396 (cluster 1396) connect at weight=103.0
2025-04-09 19:04:17.548 | DEBUG    | __main__:<module>:20 - Iteration 1389: Points 1372 (cluster 1372) and 1376 (cluster 1376) connect at weight=103.0
2025-04-09 19:04:17.548 | DEBUG    | __main__:<module>:20 - Iteration 1390: Points 1369 (cluster 1369) and 1431 (cluster 1431) connect at weight=103.0
2025-04-09 19:04:17.548 | DEBUG    | __main__:<module>:20 - Iteration 1391: Points 1365 (cluster 1365) and 1441 (cluster 1441) connect at weight=103.0
2025-04-09 19:04:17.549 | DEBUG    | __main__:<module>:20 - Iteration 1392: Points 1329 (cluster 3386) and 1427 (cluster 1427) connect at weight=103.0
2025-04-09 19:04:17.549 | DEBUG    | __main__:<module>:20 - Iteration 1393: Points 1279 (cluster 1279) and 1410 (cluster 1410) connect at weight=103.0
2025-04-09 19:04:17.549 | DEBUG    | __main__:<module>:20 - Iteration 1394: Points 1257 (cluster 3392) and 1375 (cluster 3328) connect at weight=103.0
2025-04-09 19:04:17.549 | DEBUG    | __main__:<module>:20 - Iteration 1395: Points 1235 (cluster 3311) and 1325 (cluster 1325) connect at weight=103.0
2025-04-09 19:04:17.550 | DEBUG    | __main__:<module>:20 - Iteration 1396: Points 1224 (cluster 3394) and 1336 (cluster 1336) connect at weight=103.0
2025-04-09 19:04:17.550 | DEBUG    | __main__:<module>:20 - Iteration 1397: Points 1079 (cluster 3396) and 1303 (cluster 3243) connect at weight=103.0
2025-04-09 19:04:17.550 | DEBUG    | __main__:<module>:20 - Iteration 1398: Points 1077 (cluster 3397) and 1161 (cluster 1161) connect at weight=103.0
2025-04-09 19:04:17.551 | DEBUG    | __main__:<module>:20 - Iteration 1399: Points 1025 (cluster 3398) and 1470 (cluster 1470) connect at weight=103.0
2025-04-09 19:04:17.551 | DEBUG    | __main__:<module>:20 - Iteration 1400: Points 1025 (cluster 3399) and 1463 (cluster 1463) connect at weight=103.0
2025-04-09 19:04:17.551 | DEBUG    | __main__:<module>:20 - Iteration 1401: Points 1020 (cluster 3400) and 1365 (cluster 3391) connect at weight=103.0
2025-04-09 19:04:17.552 | DEBUG    | __main__:<module>:20 - Iteration 1402: Points 970 (cluster 3401) and 1379 (cluster 1379) connect at weight=103.0
2025-04-09 19:04:17.552 | DEBUG    | __main__:<module>:20 - Iteration 1403: Points 925 (cluster 3402) and 1105 (cluster 2925) connect at weight=103.0
2025-04-09 19:04:17.552 | DEBUG    | __main__:<module>:20 - Iteration 1404: Points 1443 (cluster 1443) and 1428 (cluster 1428) connect at weight=102.0
2025-04-09 19:04:17.552 | DEBUG    | __main__:<module>:20 - Iteration 1405: Points 1414 (cluster 3403) and 1475 (cluster 1475) connect at weight=102.0
2025-04-09 19:04:17.553 | DEBUG    | __main__:<module>:20 - Iteration 1406: Points 1404 (cluster 3384) and 1397 (cluster 1397) connect at weight=102.0
2025-04-09 19:04:17.553 | DEBUG    | __main__:<module>:20 - Iteration 1407: Points 1382 (cluster 3388) and 1434 (cluster 1434) connect at weight=102.0
2025-04-09 19:04:17.553 | DEBUG    | __main__:<module>:20 - Iteration 1408: Points 1378 (cluster 1378) and 1369 (cluster 3390) connect at weight=102.0
2025-04-09 19:04:17.554 | DEBUG    | __main__:<module>:20 - Iteration 1409: Points 1370 (cluster 1370) and 1455 (cluster 1455) connect at weight=102.0
2025-04-09 19:04:17.554 | DEBUG    | __main__:<module>:20 - Iteration 1410: Points 1367 (cluster 3405) and 1360 (cluster 3349) connect at weight=102.0
2025-04-09 19:04:17.554 | DEBUG    | __main__:<module>:20 - Iteration 1411: Points 1330 (cluster 3410) and 1433 (cluster 3382) connect at weight=102.0
2025-04-09 19:04:17.554 | DEBUG    | __main__:<module>:20 - Iteration 1412: Points 1325 (cluster 3395) and 1405 (cluster 1405) connect at weight=102.0
2025-04-09 19:04:17.554 | DEBUG    | __main__:<module>:20 - Iteration 1413: Points 1289 (cluster 3411) and 1359 (cluster 1359) connect at weight=102.0
2025-04-09 19:04:17.555 | DEBUG    | __main__:<module>:20 - Iteration 1414: Points 1259 (cluster 3413) and 1372 (cluster 3389) connect at weight=102.0
2025-04-09 19:04:17.555 | DEBUG    | __main__:<module>:20 - Iteration 1415: Points 1245 (cluster 3414) and 1459 (cluster 1459) connect at weight=102.0
2025-04-09 19:04:17.555 | DEBUG    | __main__:<module>:20 - Iteration 1416: Points 1233 (cluster 3415) and 1447 (cluster 1447) connect at weight=102.0
2025-04-09 19:04:17.555 | DEBUG    | __main__:<module>:20 - Iteration 1417: Points 1177 (cluster 3416) and 1474 (cluster 1474) connect at weight=102.0
2025-04-09 19:04:17.556 | DEBUG    | __main__:<module>:20 - Iteration 1418: Points 1100 (cluster 3417) and 1480 (cluster 1480) connect at weight=102.0
2025-04-09 19:04:17.556 | DEBUG    | __main__:<module>:20 - Iteration 1419: Points 1094 (cluster 3418) and 1225 (cluster 1225) connect at weight=102.0
2025-04-09 19:04:17.557 | DEBUG    | __main__:<module>:20 - Iteration 1420: Points 1031 (cluster 3419) and 1406 (cluster 1406) connect at weight=102.0
2025-04-09 19:04:17.557 | DEBUG    | __main__:<module>:20 - Iteration 1421: Points 1009 (cluster 3420) and 1450 (cluster 1450) connect at weight=102.0
2025-04-09 19:04:17.557 | DEBUG    | __main__:<module>:20 - Iteration 1422: Points 990 (cluster 3421) and 1378 (cluster 3408) connect at weight=102.0
2025-04-09 19:04:17.557 | DEBUG    | __main__:<module>:20 - Iteration 1423: Points 1461 (cluster 1461) and 1467 (cluster 1467) connect at weight=101.0
2025-04-09 19:04:17.558 | DEBUG    | __main__:<module>:20 - Iteration 1424: Points 1451 (cluster 1451) and 1384 (cluster 3387) connect at weight=101.0
2025-04-09 19:04:17.558 | DEBUG    | __main__:<module>:20 - Iteration 1425: Points 1433 (cluster 3422) and 1445 (cluster 1445) connect at weight=101.0
2025-04-09 19:04:17.558 | DEBUG    | __main__:<module>:20 - Iteration 1426: Points 1422 (cluster 3425) and 1482 (cluster 1482) connect at weight=101.0
2025-04-09 19:04:17.558 | DEBUG    | __main__:<module>:20 - Iteration 1427: Points 1409 (cluster 1409) and 1417 (cluster 1417) connect at weight=101.0
2025-04-09 19:04:17.559 | DEBUG    | __main__:<module>:20 - Iteration 1428: Points 1397 (cluster 3406) and 1420 (cluster 1420) connect at weight=101.0
2025-04-09 19:04:17.559 | DEBUG    | __main__:<module>:20 - Iteration 1429: Points 1397 (cluster 3428) and 1319 (cluster 1319) connect at weight=101.0
2025-04-09 19:04:17.559 | DEBUG    | __main__:<module>:20 - Iteration 1430: Points 1368 (cluster 3347) and 1452 (cluster 1452) connect at weight=101.0
2025-04-09 19:04:17.559 | DEBUG    | __main__:<module>:20 - Iteration 1431: Points 1345 (cluster 3426) and 1449 (cluster 1449) connect at weight=101.0
2025-04-09 19:04:17.560 | DEBUG    | __main__:<module>:20 - Iteration 1432: Points 1328 (cluster 3431) and 1322 (cluster 3304) connect at weight=101.0
2025-04-09 19:04:17.560 | DEBUG    | __main__:<module>:20 - Iteration 1433: Points 1299 (cluster 3432) and 1383 (cluster 1383) connect at weight=101.0
2025-04-09 19:04:17.560 | DEBUG    | __main__:<module>:20 - Iteration 1434: Points 1280 (cluster 3433) and 1416 (cluster 3429) connect at weight=101.0
2025-04-09 19:04:17.561 | DEBUG    | __main__:<module>:20 - Iteration 1435: Points 1266 (cluster 3434) and 1489 (cluster 1489) connect at weight=101.0
2025-04-09 19:04:17.561 | DEBUG    | __main__:<module>:20 - Iteration 1436: Points 1251 (cluster 3435) and 1294 (cluster 3412) connect at weight=101.0
2025-04-09 19:04:17.561 | DEBUG    | __main__:<module>:20 - Iteration 1437: Points 1240 (cluster 3436) and 1429 (cluster 1429) connect at weight=101.0
2025-04-09 19:04:17.562 | DEBUG    | __main__:<module>:20 - Iteration 1438: Points 1205 (cluster 3437) and 1167 (cluster 1167) connect at weight=101.0
2025-04-09 19:04:17.562 | DEBUG    | __main__:<module>:20 - Iteration 1439: Points 1139 (cluster 3438) and 1448 (cluster 1448) connect at weight=101.0
2025-04-09 19:04:17.562 | DEBUG    | __main__:<module>:20 - Iteration 1440: Points 1135 (cluster 3439) and 1202 (cluster 3108) connect at weight=101.0
2025-04-09 19:04:17.562 | DEBUG    | __main__:<module>:20 - Iteration 1441: Points 1100 (cluster 3440) and 1490 (cluster 1490) connect at weight=101.0
2025-04-09 19:04:17.563 | DEBUG    | __main__:<module>:20 - Iteration 1442: Points 1082 (cluster 3441) and 1462 (cluster 1462) connect at weight=101.0
2025-04-09 19:04:17.563 | DEBUG    | __main__:<module>:20 - Iteration 1443: Points 1082 (cluster 3442) and 1438 (cluster 1438) connect at weight=101.0
2025-04-09 19:04:17.563 | DEBUG    | __main__:<module>:20 - Iteration 1444: Points 900 (cluster 3443) and 1279 (cluster 3393) connect at weight=101.0
2025-04-09 19:04:17.563 | DEBUG    | __main__:<module>:20 - Iteration 1445: Points 1479 (cluster 1479) and 1491 (cluster 1491) connect at weight=100.0
2025-04-09 19:04:17.564 | DEBUG    | __main__:<module>:20 - Iteration 1446: Points 1461 (cluster 3423) and 1464 (cluster 1464) connect at weight=100.0
2025-04-09 19:04:17.564 | DEBUG    | __main__:<module>:20 - Iteration 1447: Points 1455 (cluster 3409) and 1436 (cluster 1436) connect at weight=100.0
2025-04-09 19:04:17.564 | DEBUG    | __main__:<module>:20 - Iteration 1448: Points 1445 (cluster 3444) and 1509 (cluster 1509) connect at weight=100.0
2025-04-09 19:04:17.565 | DEBUG    | __main__:<module>:20 - Iteration 1449: Points 1436 (cluster 3447) and 1469 (cluster 1469) connect at weight=100.0
2025-04-09 19:04:17.565 | DEBUG    | __main__:<module>:20 - Iteration 1450: Points 1431 (cluster 3448) and 1461 (cluster 3446) connect at weight=100.0
2025-04-09 19:04:17.565 | DEBUG    | __main__:<module>:20 - Iteration 1451: Points 1398 (cluster 3358) and 1419 (cluster 3383) connect at weight=100.0
2025-04-09 19:04:17.565 | DEBUG    | __main__:<module>:20 - Iteration 1452: Points 1387 (cluster 3450) and 1504 (cluster 1504) connect at weight=100.0
2025-04-09 19:04:17.566 | DEBUG    | __main__:<module>:20 - Iteration 1453: Points 1381 (cluster 3451) and 1440 (cluster 1440) connect at weight=100.0
2025-04-09 19:04:17.566 | DEBUG    | __main__:<module>:20 - Iteration 1454: Points 1364 (cluster 3452) and 1446 (cluster 1446) connect at weight=100.0
2025-04-09 19:04:17.566 | DEBUG    | __main__:<module>:20 - Iteration 1455: Points 1338 (cluster 3454) and 1498 (cluster 1498) connect at weight=100.0
2025-04-09 19:04:17.567 | DEBUG    | __main__:<module>:20 - Iteration 1456: Points 1322 (cluster 3455) and 1368 (cluster 3430) connect at weight=100.0
2025-04-09 19:04:17.567 | DEBUG    | __main__:<module>:20 - Iteration 1457: Points 1314 (cluster 3456) and 1493 (cluster 1493) connect at weight=100.0
2025-04-09 19:04:17.567 | DEBUG    | __main__:<module>:20 - Iteration 1458: Points 1313 (cluster 3351) and 1488 (cluster 1488) connect at weight=100.0
2025-04-09 19:04:17.568 | DEBUG    | __main__:<module>:20 - Iteration 1459: Points 1287 (cluster 3457) and 1353 (cluster 3407) connect at weight=100.0
2025-04-09 19:04:17.568 | DEBUG    | __main__:<module>:20 - Iteration 1460: Points 1245 (cluster 3459) and 1510 (cluster 1510) connect at weight=100.0
2025-04-09 19:04:17.568 | DEBUG    | __main__:<module>:20 - Iteration 1461: Points 1175 (cluster 3460) and 1492 (cluster 1492) connect at weight=100.0
2025-04-09 19:04:17.568 | DEBUG    | __main__:<module>:20 - Iteration 1462: Points 1161 (cluster 3461) and 1350 (cluster 1350) connect at weight=100.0
2025-04-09 19:04:17.569 | DEBUG    | __main__:<module>:20 - Iteration 1463: Points 1078 (cluster 3462) and 1421 (cluster 1421) connect at weight=100.0
2025-04-09 19:04:17.569 | DEBUG    | __main__:<module>:20 - Iteration 1464: Points 1478 (cluster 1478) and 1451 (cluster 3424) connect at weight=99.0
2025-04-09 19:04:17.569 | DEBUG    | __main__:<module>:20 - Iteration 1465: Points 1468 (cluster 1468) and 1478 (cluster 3464) connect at weight=99.0
2025-04-09 19:04:17.569 | DEBUG    | __main__:<module>:20 - Iteration 1466: Points 1458 (cluster 1458) and 1481 (cluster 1481) connect at weight=99.0
2025-04-09 19:04:17.570 | DEBUG    | __main__:<module>:20 - Iteration 1467: Points 1457 (cluster 1457) and 1506 (cluster 1506) connect at weight=99.0
2025-04-09 19:04:17.570 | DEBUG    | __main__:<module>:20 - Iteration 1468: Points 1453 (cluster 1453) and 1395 (cluster 1395) connect at weight=99.0
2025-04-09 19:04:17.570 | DEBUG    | __main__:<module>:20 - Iteration 1469: Points 1444 (cluster 1444) and 1494 (cluster 1494) connect at weight=99.0
2025-04-09 19:04:17.571 | DEBUG    | __main__:<module>:20 - Iteration 1470: Points 1440 (cluster 3453) and 1497 (cluster 1497) connect at weight=99.0
2025-04-09 19:04:17.571 | DEBUG    | __main__:<module>:20 - Iteration 1471: Points 1430 (cluster 3463) and 1484 (cluster 1484) connect at weight=99.0
2025-04-09 19:04:17.571 | DEBUG    | __main__:<module>:20 - Iteration 1472: Points 1420 (cluster 3471) and 1473 (cluster 1473) connect at weight=99.0
2025-04-09 19:04:17.571 | DEBUG    | __main__:<module>:20 - Iteration 1473: Points 1412 (cluster 3458) and 1518 (cluster 1518) connect at weight=99.0
2025-04-09 19:04:17.571 | DEBUG    | __main__:<module>:20 - Iteration 1474: Points 1364 (cluster 3472) and 1499 (cluster 1499) connect at weight=99.0
2025-04-09 19:04:17.572 | DEBUG    | __main__:<module>:20 - Iteration 1475: Points 1342 (cluster 3474) and 1409 (cluster 3427) connect at weight=99.0
2025-04-09 19:04:17.572 | DEBUG    | __main__:<module>:20 - Iteration 1476: Points 1305 (cluster 3475) and 1476 (cluster 1476) connect at weight=99.0
2025-04-09 19:04:17.572 | DEBUG    | __main__:<module>:20 - Iteration 1477: Points 1301 (cluster 3473) and 1398 (cluster 3470) connect at weight=99.0
2025-04-09 19:04:17.573 | DEBUG    | __main__:<module>:20 - Iteration 1478: Points 1279 (cluster 3476) and 1392 (cluster 1392) connect at weight=99.0
2025-04-09 19:04:17.573 | DEBUG    | __main__:<module>:20 - Iteration 1479: Points 1247 (cluster 3478) and 1423 (cluster 1423) connect at weight=99.0
2025-04-09 19:04:17.573 | DEBUG    | __main__:<module>:20 - Iteration 1480: Points 995 (cluster 3479) and 1512 (cluster 1512) connect at weight=99.0
2025-04-09 19:04:17.573 | DEBUG    | __main__:<module>:20 - Iteration 1481: Points 867 (cluster 3480) and 1486 (cluster 1486) connect at weight=99.0
2025-04-09 19:04:17.574 | DEBUG    | __main__:<module>:20 - Iteration 1482: Points 1513 (cluster 1513) and 1468 (cluster 3465) connect at weight=98.0
2025-04-09 19:04:17.574 | DEBUG    | __main__:<module>:20 - Iteration 1483: Points 1509 (cluster 3481) and 1507 (cluster 1507) connect at weight=98.0
2025-04-09 19:04:17.575 | DEBUG    | __main__:<module>:20 - Iteration 1484: Points 1507 (cluster 3483) and 1517 (cluster 1517) connect at weight=98.0
2025-04-09 19:04:17.575 | DEBUG    | __main__:<module>:20 - Iteration 1485: Points 1491 (cluster 3445) and 1515 (cluster 1515) connect at weight=98.0
2025-04-09 19:04:17.575 | DEBUG    | __main__:<module>:20 - Iteration 1486: Points 1490 (cluster 3484) and 1524 (cluster 1524) connect at weight=98.0
2025-04-09 19:04:17.575 | DEBUG    | __main__:<module>:20 - Iteration 1487: Points 1462 (cluster 3486) and 1533 (cluster 1533) connect at weight=98.0
2025-04-09 19:04:17.576 | DEBUG    | __main__:<module>:20 - Iteration 1488: Points 1454 (cluster 3487) and 1501 (cluster 1501) connect at weight=98.0
2025-04-09 19:04:17.576 | DEBUG    | __main__:<module>:20 - Iteration 1489: Points 1440 (cluster 3477) and 1370 (cluster 3449) connect at weight=98.0
2025-04-09 19:04:17.576 | DEBUG    | __main__:<module>:20 - Iteration 1490: Points 1423 (cluster 3488) and 1531 (cluster 1531) connect at weight=98.0
2025-04-09 19:04:17.577 | DEBUG    | __main__:<module>:20 - Iteration 1491: Points 1410 (cluster 3490) and 1443 (cluster 3404) connect at weight=98.0
2025-04-09 19:04:17.577 | DEBUG    | __main__:<module>:20 - Iteration 1492: Points 1407 (cluster 3489) and 1483 (cluster 1483) connect at weight=98.0
2025-04-09 19:04:17.577 | DEBUG    | __main__:<module>:20 - Iteration 1493: Points 1385 (cluster 3491) and 1503 (cluster 1503) connect at weight=98.0
2025-04-09 19:04:17.577 | DEBUG    | __main__:<module>:20 - Iteration 1494: Points 1356 (cluster 3493) and 1479 (cluster 3485) connect at weight=98.0
2025-04-09 19:04:17.578 | DEBUG    | __main__:<module>:20 - Iteration 1495: Points 1313 (cluster 3492) and 1442 (cluster 1442) connect at weight=98.0
2025-04-09 19:04:17.578 | DEBUG    | __main__:<module>:20 - Iteration 1496: Points 1265 (cluster 3494) and 1333 (cluster 1333) connect at weight=98.0
2025-04-09 19:04:17.578 | DEBUG    | __main__:<module>:20 - Iteration 1497: Points 1244 (cluster 3496) and 1520 (cluster 1520) connect at weight=98.0
2025-04-09 19:04:17.578 | DEBUG    | __main__:<module>:20 - Iteration 1498: Points 1199 (cluster 3497) and 1511 (cluster 1511) connect at weight=98.0
2025-04-09 19:04:17.578 | DEBUG    | __main__:<module>:20 - Iteration 1499: Points 1515 (cluster 3498) and 1513 (cluster 3482) connect at weight=97.0
2025-04-09 19:04:17.579 | DEBUG    | __main__:<module>:20 - Iteration 1500: Points 1489 (cluster 3499) and 1540 (cluster 1540) connect at weight=97.0
2025-04-09 19:04:17.579 | DEBUG    | __main__:<module>:20 - Iteration 1501: Points 1484 (cluster 3500) and 1444 (cluster 3469) connect at weight=97.0
2025-04-09 19:04:17.580 | DEBUG    | __main__:<module>:20 - Iteration 1502: Points 1444 (cluster 3501) and 1537 (cluster 1537) connect at weight=97.0
2025-04-09 19:04:17.580 | DEBUG    | __main__:<module>:20 - Iteration 1503: Points 1410 (cluster 3502) and 1458 (cluster 3466) connect at weight=97.0
2025-04-09 19:04:17.580 | DEBUG    | __main__:<module>:20 - Iteration 1504: Points 1409 (cluster 3503) and 1502 (cluster 1502) connect at weight=97.0
2025-04-09 19:04:17.580 | DEBUG    | __main__:<module>:20 - Iteration 1505: Points 1393 (cluster 3495) and 1539 (cluster 1539) connect at weight=97.0
2025-04-09 19:04:17.581 | DEBUG    | __main__:<module>:20 - Iteration 1506: Points 1377 (cluster 3504) and 1528 (cluster 1528) connect at weight=97.0
2025-04-09 19:04:17.581 | DEBUG    | __main__:<module>:20 - Iteration 1507: Points 1325 (cluster 3506) and 1153 (cluster 3505) connect at weight=97.0
2025-04-09 19:04:17.581 | DEBUG    | __main__:<module>:20 - Iteration 1508: Points 1195 (cluster 3507) and 1529 (cluster 1529) connect at weight=97.0
2025-04-09 19:04:17.581 | DEBUG    | __main__:<module>:20 - Iteration 1509: Points 1525 (cluster 1525) and 1538 (cluster 1538) connect at weight=96.0
2025-04-09 19:04:17.582 | DEBUG    | __main__:<module>:20 - Iteration 1510: Points 1513 (cluster 3508) and 1547 (cluster 1547) connect at weight=96.0
2025-04-09 19:04:17.582 | DEBUG    | __main__:<module>:20 - Iteration 1511: Points 1500 (cluster 1500) and 1535 (cluster 1535) connect at weight=96.0
2025-04-09 19:04:17.582 | DEBUG    | __main__:<module>:20 - Iteration 1512: Points 1488 (cluster 3510) and 1526 (cluster 1526) connect at weight=96.0
2025-04-09 19:04:17.583 | DEBUG    | __main__:<module>:20 - Iteration 1513: Points 1472 (cluster 1472) and 1477 (cluster 1477) connect at weight=96.0
2025-04-09 19:04:17.583 | DEBUG    | __main__:<module>:20 - Iteration 1514: Points 1447 (cluster 3512) and 1549 (cluster 1549) connect at weight=96.0
2025-04-09 19:04:17.583 | DEBUG    | __main__:<module>:20 - Iteration 1515: Points 1429 (cluster 3514) and 1523 (cluster 1523) connect at weight=96.0
2025-04-09 19:04:17.584 | DEBUG    | __main__:<module>:20 - Iteration 1516: Points 1424 (cluster 3515) and 1536 (cluster 1536) connect at weight=96.0
2025-04-09 19:04:17.584 | DEBUG    | __main__:<module>:20 - Iteration 1517: Points 1411 (cluster 1411) and 1505 (cluster 1505) connect at weight=96.0
2025-04-09 19:04:17.584 | DEBUG    | __main__:<module>:20 - Iteration 1518: Points 1393 (cluster 3516) and 1525 (cluster 3509) connect at weight=96.0
2025-04-09 19:04:17.584 | DEBUG    | __main__:<module>:20 - Iteration 1519: Points 1389 (cluster 3518) and 1550 (cluster 1550) connect at weight=96.0
2025-04-09 19:04:17.584 | DEBUG    | __main__:<module>:20 - Iteration 1520: Points 1318 (cluster 3519) and 1500 (cluster 3511) connect at weight=96.0
2025-04-09 19:04:17.585 | DEBUG    | __main__:<module>:20 - Iteration 1521: Points 1315 (cluster 3520) and 1516 (cluster 1516) connect at weight=96.0
2025-04-09 19:04:17.585 | DEBUG    | __main__:<module>:20 - Iteration 1522: Points 1310 (cluster 3521) and 1521 (cluster 1521) connect at weight=96.0
2025-04-09 19:04:17.586 | DEBUG    | __main__:<module>:20 - Iteration 1523: Points 1290 (cluster 3522) and 1514 (cluster 1514) connect at weight=96.0
2025-04-09 19:04:17.586 | DEBUG    | __main__:<module>:20 - Iteration 1524: Points 1274 (cluster 3523) and 1411 (cluster 3517) connect at weight=96.0
2025-04-09 19:04:17.586 | DEBUG    | __main__:<module>:20 - Iteration 1525: Points 1139 (cluster 3524) and 1485 (cluster 1485) connect at weight=96.0
2025-04-09 19:04:17.586 | DEBUG    | __main__:<module>:20 - Iteration 1526: Points 1566 (cluster 1566) and 1555 (cluster 1555) connect at weight=95.0
2025-04-09 19:04:17.587 | DEBUG    | __main__:<module>:20 - Iteration 1527: Points 1530 (cluster 1530) and 1554 (cluster 1554) connect at weight=95.0
2025-04-09 19:04:17.587 | DEBUG    | __main__:<module>:20 - Iteration 1528: Points 1490 (cluster 3525) and 1562 (cluster 1562) connect at weight=95.0
2025-04-09 19:04:17.587 | DEBUG    | __main__:<module>:20 - Iteration 1529: Points 1488 (cluster 3528) and 1561 (cluster 1561) connect at weight=95.0
2025-04-09 19:04:17.588 | DEBUG    | __main__:<module>:20 - Iteration 1530: Points 1484 (cluster 3529) and 1566 (cluster 3526) connect at weight=95.0
2025-04-09 19:04:17.588 | DEBUG    | __main__:<module>:20 - Iteration 1531: Points 1469 (cluster 3530) and 1437 (cluster 1437) connect at weight=95.0
2025-04-09 19:04:17.589 | DEBUG    | __main__:<module>:20 - Iteration 1532: Points 1437 (cluster 3531) and 1453 (cluster 3468) connect at weight=95.0
2025-04-09 19:04:17.589 | DEBUG    | __main__:<module>:20 - Iteration 1533: Points 1428 (cluster 3532) and 1495 (cluster 1495) connect at weight=95.0
2025-04-09 19:04:17.589 | DEBUG    | __main__:<module>:20 - Iteration 1534: Points 1395 (cluster 3533) and 1496 (cluster 1496) connect at weight=95.0
2025-04-09 19:04:17.590 | DEBUG    | __main__:<module>:20 - Iteration 1535: Points 1346 (cluster 3534) and 1532 (cluster 1532) connect at weight=95.0
2025-04-09 19:04:17.590 | DEBUG    | __main__:<module>:20 - Iteration 1536: Points 1277 (cluster 3535) and 1552 (cluster 1552) connect at weight=95.0
2025-04-09 19:04:17.590 | DEBUG    | __main__:<module>:20 - Iteration 1537: Points 1162 (cluster 3536) and 1465 (cluster 1465) connect at weight=95.0
2025-04-09 19:04:17.591 | DEBUG    | __main__:<module>:20 - Iteration 1538: Points 893 (cluster 3537) and 1542 (cluster 1542) connect at weight=95.0
2025-04-09 19:04:17.591 | DEBUG    | __main__:<module>:20 - Iteration 1539: Points 1559 (cluster 1559) and 1570 (cluster 1570) connect at weight=94.0
2025-04-09 19:04:17.591 | DEBUG    | __main__:<module>:20 - Iteration 1540: Points 1537 (cluster 3538) and 1553 (cluster 1553) connect at weight=94.0
2025-04-09 19:04:17.591 | DEBUG    | __main__:<module>:20 - Iteration 1541: Points 1502 (cluster 3540) and 1545 (cluster 1545) connect at weight=94.0
2025-04-09 19:04:17.592 | DEBUG    | __main__:<module>:20 - Iteration 1542: Points 1470 (cluster 3541) and 1568 (cluster 1568) connect at weight=94.0
2025-04-09 19:04:17.592 | DEBUG    | __main__:<module>:20 - Iteration 1543: Points 1457 (cluster 3467) and 1556 (cluster 1556) connect at weight=94.0
2025-04-09 19:04:17.592 | DEBUG    | __main__:<module>:20 - Iteration 1544: Points 1435 (cluster 3542) and 1574 (cluster 1574) connect at weight=94.0
2025-04-09 19:04:17.593 | DEBUG    | __main__:<module>:20 - Iteration 1545: Points 1417 (cluster 3544) and 1508 (cluster 1508) connect at weight=94.0
2025-04-09 19:04:17.593 | DEBUG    | __main__:<module>:20 - Iteration 1546: Points 1401 (cluster 3545) and 1339 (cluster 1339) connect at weight=94.0
2025-04-09 19:04:17.593 | DEBUG    | __main__:<module>:20 - Iteration 1547: Points 1399 (cluster 3546) and 1582 (cluster 1582) connect at weight=94.0
2025-04-09 19:04:17.594 | DEBUG    | __main__:<module>:20 - Iteration 1548: Points 1396 (cluster 3547) and 1530 (cluster 3527) connect at weight=94.0
2025-04-09 19:04:17.594 | DEBUG    | __main__:<module>:20 - Iteration 1549: Points 1313 (cluster 3548) and 1577 (cluster 1577) connect at weight=94.0
2025-04-09 19:04:17.594 | DEBUG    | __main__:<module>:20 - Iteration 1550: Points 1215 (cluster 3549) and 1543 (cluster 1543) connect at weight=94.0
2025-04-09 19:04:17.594 | DEBUG    | __main__:<module>:20 - Iteration 1551: Points 1585 (cluster 1585) and 1596 (cluster 1596) connect at weight=93.0
2025-04-09 19:04:17.594 | DEBUG    | __main__:<module>:20 - Iteration 1552: Points 1573 (cluster 1573) and 1546 (cluster 1546) connect at weight=93.0
2025-04-09 19:04:17.595 | DEBUG    | __main__:<module>:20 - Iteration 1553: Points 1569 (cluster 1569) and 1600 (cluster 1600) connect at weight=93.0
2025-04-09 19:04:17.595 | DEBUG    | __main__:<module>:20 - Iteration 1554: Points 1551 (cluster 1551) and 1563 (cluster 1563) connect at weight=93.0
2025-04-09 19:04:17.596 | DEBUG    | __main__:<module>:20 - Iteration 1555: Points 1521 (cluster 3550) and 1558 (cluster 1558) connect at weight=93.0
2025-04-09 19:04:17.596 | DEBUG    | __main__:<module>:20 - Iteration 1556: Points 1520 (cluster 3555) and 1575 (cluster 1575) connect at weight=93.0
2025-04-09 19:04:17.596 | DEBUG    | __main__:<module>:20 - Iteration 1557: Points 1509 (cluster 3556) and 1590 (cluster 1590) connect at weight=93.0
2025-04-09 19:04:17.597 | DEBUG    | __main__:<module>:20 - Iteration 1558: Points 1495 (cluster 3557) and 1559 (cluster 3539) connect at weight=93.0
2025-04-09 19:04:17.597 | DEBUG    | __main__:<module>:20 - Iteration 1559: Points 1494 (cluster 3558) and 1541 (cluster 1541) connect at weight=93.0
2025-04-09 19:04:17.597 | DEBUG    | __main__:<module>:20 - Iteration 1560: Points 1493 (cluster 3559) and 1602 (cluster 1602) connect at weight=93.0
2025-04-09 19:04:17.598 | DEBUG    | __main__:<module>:20 - Iteration 1561: Points 1493 (cluster 3560) and 1594 (cluster 1594) connect at weight=93.0
2025-04-09 19:04:17.598 | DEBUG    | __main__:<module>:20 - Iteration 1562: Points 1450 (cluster 3561) and 1560 (cluster 1560) connect at weight=93.0
2025-04-09 19:04:17.598 | DEBUG    | __main__:<module>:20 - Iteration 1563: Points 1449 (cluster 3562) and 1567 (cluster 1567) connect at weight=93.0
2025-04-09 19:04:17.598 | DEBUG    | __main__:<module>:20 - Iteration 1564: Points 1435 (cluster 3563) and 1591 (cluster 1591) connect at weight=93.0
2025-04-09 19:04:17.599 | DEBUG    | __main__:<module>:20 - Iteration 1565: Points 1420 (cluster 3564) and 1519 (cluster 1519) connect at weight=93.0
2025-04-09 19:04:17.599 | DEBUG    | __main__:<module>:20 - Iteration 1566: Points 1380 (cluster 3565) and 1584 (cluster 1584) connect at weight=93.0
2025-04-09 19:04:17.599 | DEBUG    | __main__:<module>:20 - Iteration 1567: Points 1336 (cluster 3566) and 1580 (cluster 1580) connect at weight=93.0
2025-04-09 19:04:17.600 | DEBUG    | __main__:<module>:20 - Iteration 1568: Points 1336 (cluster 3567) and 1569 (cluster 3553) connect at weight=93.0
2025-04-09 19:04:17.600 | DEBUG    | __main__:<module>:20 - Iteration 1569: Points 1320 (cluster 3568) and 1571 (cluster 1571) connect at weight=93.0
2025-04-09 19:04:17.600 | DEBUG    | __main__:<module>:20 - Iteration 1570: Points 1305 (cluster 3569) and 1460 (cluster 1460) connect at weight=93.0
2025-04-09 19:04:17.600 | DEBUG    | __main__:<module>:20 - Iteration 1571: Points 1225 (cluster 3570) and 1544 (cluster 1544) connect at weight=93.0
2025-04-09 19:04:17.600 | DEBUG    | __main__:<module>:20 - Iteration 1572: Points 1183 (cluster 3571) and 1457 (cluster 3543) connect at weight=93.0
2025-04-09 19:04:17.601 | DEBUG    | __main__:<module>:20 - Iteration 1573: Points 1177 (cluster 3572) and 1598 (cluster 1598) connect at weight=93.0
2025-04-09 19:04:17.601 | DEBUG    | __main__:<module>:20 - Iteration 1574: Points 1590 (cluster 3573) and 1607 (cluster 1607) connect at weight=92.0
2025-04-09 19:04:17.602 | DEBUG    | __main__:<module>:20 - Iteration 1575: Points 1570 (cluster 3574) and 1601 (cluster 1601) connect at weight=92.0
2025-04-09 19:04:17.602 | DEBUG    | __main__:<module>:20 - Iteration 1576: Points 1561 (cluster 3575) and 1603 (cluster 1603) connect at weight=92.0
2025-04-09 19:04:17.602 | DEBUG    | __main__:<module>:20 - Iteration 1577: Points 1551 (cluster 3554) and 1487 (cluster 1487) connect at weight=92.0
2025-04-09 19:04:17.602 | DEBUG    | __main__:<module>:20 - Iteration 1578: Points 1543 (cluster 3576) and 1579 (cluster 1579) connect at weight=92.0
2025-04-09 19:04:17.603 | DEBUG    | __main__:<module>:20 - Iteration 1579: Points 1504 (cluster 3578) and 1609 (cluster 1609) connect at weight=92.0
2025-04-09 19:04:17.603 | DEBUG    | __main__:<module>:20 - Iteration 1580: Points 1487 (cluster 3577) and 1585 (cluster 3551) connect at weight=92.0
2025-04-09 19:04:17.603 | DEBUG    | __main__:<module>:20 - Iteration 1581: Points 1457 (cluster 3579) and 1586 (cluster 1586) connect at weight=92.0
2025-04-09 19:04:17.603 | DEBUG    | __main__:<module>:20 - Iteration 1582: Points 1448 (cluster 3581) and 1606 (cluster 1606) connect at weight=92.0
2025-04-09 19:04:17.604 | DEBUG    | __main__:<module>:20 - Iteration 1583: Points 1435 (cluster 3582) and 1592 (cluster 1592) connect at weight=92.0
2025-04-09 19:04:17.604 | DEBUG    | __main__:<module>:20 - Iteration 1584: Points 1406 (cluster 3583) and 1583 (cluster 1583) connect at weight=92.0
2025-04-09 19:04:17.604 | DEBUG    | __main__:<module>:20 - Iteration 1585: Points 1278 (cluster 3584) and 1551 (cluster 3580) connect at weight=92.0
2025-04-09 19:04:17.605 | DEBUG    | __main__:<module>:20 - Iteration 1586: Points 1276 (cluster 3585) and 1472 (cluster 3513) connect at weight=92.0
2025-04-09 19:04:17.605 | DEBUG    | __main__:<module>:20 - Iteration 1587: Points 1180 (cluster 3586) and 1597 (cluster 1597) connect at weight=92.0
2025-04-09 19:04:17.605 | DEBUG    | __main__:<module>:20 - Iteration 1588: Points 1544 (cluster 3587) and 1576 (cluster 1576) connect at weight=91.0
2025-04-09 19:04:17.606 | DEBUG    | __main__:<module>:20 - Iteration 1589: Points 1534 (cluster 1534) and 1589 (cluster 1589) connect at weight=91.0
2025-04-09 19:04:17.606 | DEBUG    | __main__:<module>:20 - Iteration 1590: Points 1529 (cluster 3588) and 1616 (cluster 1616) connect at weight=91.0
2025-04-09 19:04:17.606 | DEBUG    | __main__:<module>:20 - Iteration 1591: Points 1478 (cluster 3590) and 1614 (cluster 1614) connect at weight=91.0
2025-04-09 19:04:17.606 | DEBUG    | __main__:<module>:20 - Iteration 1592: Points 1473 (cluster 3591) and 1527 (cluster 1527) connect at weight=91.0
2025-04-09 19:04:17.607 | DEBUG    | __main__:<module>:20 - Iteration 1593: Points 1423 (cluster 3592) and 1565 (cluster 1565) connect at weight=91.0
2025-04-09 19:04:17.607 | DEBUG    | __main__:<module>:20 - Iteration 1594: Points 1403 (cluster 3593) and 1587 (cluster 1587) connect at weight=91.0
2025-04-09 19:04:17.607 | DEBUG    | __main__:<module>:20 - Iteration 1595: Points 1386 (cluster 3594) and 1548 (cluster 1548) connect at weight=91.0
2025-04-09 19:04:17.608 | DEBUG    | __main__:<module>:20 - Iteration 1596: Points 1379 (cluster 3595) and 1599 (cluster 1599) connect at weight=91.0
2025-04-09 19:04:17.608 | DEBUG    | __main__:<module>:20 - Iteration 1597: Points 1203 (cluster 3596) and 1534 (cluster 3589) connect at weight=91.0
2025-04-09 19:04:17.608 | DEBUG    | __main__:<module>:20 - Iteration 1598: Points 1612 (cluster 1612) and 1621 (cluster 1621) connect at weight=90.0
2025-04-09 19:04:17.608 | DEBUG    | __main__:<module>:20 - Iteration 1599: Points 1592 (cluster 3597) and 1624 (cluster 1624) connect at weight=90.0
2025-04-09 19:04:17.609 | DEBUG    | __main__:<module>:20 - Iteration 1600: Points 1589 (cluster 3599) and 1611 (cluster 1611) connect at weight=90.0
2025-04-09 19:04:17.609 | DEBUG    | __main__:<module>:20 - Iteration 1601: Points 1584 (cluster 3600) and 1595 (cluster 1595) connect at weight=90.0
2025-04-09 19:04:17.609 | DEBUG    | __main__:<module>:20 - Iteration 1602: Points 1564 (cluster 1564) and 1604 (cluster 1604) connect at weight=90.0
2025-04-09 19:04:17.609 | DEBUG    | __main__:<module>:20 - Iteration 1603: Points 1529 (cluster 3601) and 1612 (cluster 3598) connect at weight=90.0
2025-04-09 19:04:17.610 | DEBUG    | __main__:<module>:20 - Iteration 1604: Points 1526 (cluster 3603) and 1625 (cluster 1625) connect at weight=90.0
2025-04-09 19:04:17.610 | DEBUG    | __main__:<module>:20 - Iteration 1605: Points 1514 (cluster 3604) and 1628 (cluster 1628) connect at weight=90.0
2025-04-09 19:04:17.610 | DEBUG    | __main__:<module>:20 - Iteration 1606: Points 1512 (cluster 3605) and 1622 (cluster 1622) connect at weight=90.0
2025-04-09 19:04:17.611 | DEBUG    | __main__:<module>:20 - Iteration 1607: Points 1505 (cluster 3606) and 1593 (cluster 1593) connect at weight=90.0
2025-04-09 19:04:17.611 | DEBUG    | __main__:<module>:20 - Iteration 1608: Points 1399 (cluster 3607) and 1557 (cluster 1557) connect at weight=90.0
2025-04-09 19:04:17.611 | DEBUG    | __main__:<module>:20 - Iteration 1609: Points 1365 (cluster 3608) and 1578 (cluster 1578) connect at weight=90.0
2025-04-09 19:04:17.611 | DEBUG    | __main__:<module>:20 - Iteration 1610: Points 1635 (cluster 1635) and 1626 (cluster 1626) connect at weight=89.0
2025-04-09 19:04:17.612 | DEBUG    | __main__:<module>:20 - Iteration 1611: Points 1602 (cluster 3609) and 1630 (cluster 1630) connect at weight=89.0
2025-04-09 19:04:17.612 | DEBUG    | __main__:<module>:20 - Iteration 1612: Points 1564 (cluster 3602) and 1573 (cluster 3552) connect at weight=89.0
2025-04-09 19:04:17.612 | DEBUG    | __main__:<module>:20 - Iteration 1613: Points 1549 (cluster 3611) and 1620 (cluster 1620) connect at weight=89.0
2025-04-09 19:04:17.613 | DEBUG    | __main__:<module>:20 - Iteration 1614: Points 1548 (cluster 3613) and 1633 (cluster 1633) connect at weight=89.0
2025-04-09 19:04:17.613 | DEBUG    | __main__:<module>:20 - Iteration 1615: Points 1512 (cluster 3614) and 1623 (cluster 1623) connect at weight=89.0
2025-04-09 19:04:17.613 | DEBUG    | __main__:<module>:20 - Iteration 1616: Points 1485 (cluster 3615) and 1608 (cluster 1608) connect at weight=89.0
2025-04-09 19:04:17.613 | DEBUG    | __main__:<module>:20 - Iteration 1617: Points 1375 (cluster 3616) and 1572 (cluster 1572) connect at weight=89.0
2025-04-09 19:04:17.614 | DEBUG    | __main__:<module>:20 - Iteration 1618: Points 1269 (cluster 3617) and 1605 (cluster 1605) connect at weight=89.0
2025-04-09 19:04:17.614 | DEBUG    | __main__:<module>:20 - Iteration 1619: Points 1247 (cluster 3618) and 1617 (cluster 1617) connect at weight=89.0
2025-04-09 19:04:17.614 | DEBUG    | __main__:<module>:20 - Iteration 1620: Points 1617 (cluster 3619) and 1640 (cluster 1640) connect at weight=88.0
2025-04-09 19:04:17.614 | DEBUG    | __main__:<module>:20 - Iteration 1621: Points 1615 (cluster 1615) and 1642 (cluster 1642) connect at weight=88.0
2025-04-09 19:04:17.614 | DEBUG    | __main__:<module>:20 - Iteration 1622: Points 1613 (cluster 1613) and 1627 (cluster 1627) connect at weight=88.0
2025-04-09 19:04:17.615 | DEBUG    | __main__:<module>:20 - Iteration 1623: Points 1562 (cluster 3620) and 1644 (cluster 1644) connect at weight=88.0
2025-04-09 19:04:17.615 | DEBUG    | __main__:<module>:20 - Iteration 1624: Points 1532 (cluster 3623) and 1588 (cluster 1588) connect at weight=88.0
2025-04-09 19:04:17.616 | DEBUG    | __main__:<module>:20 - Iteration 1625: Points 1518 (cluster 3624) and 1637 (cluster 1637) connect at weight=88.0
2025-04-09 19:04:17.616 | DEBUG    | __main__:<module>:20 - Iteration 1626: Points 1483 (cluster 3625) and 1618 (cluster 1618) connect at weight=88.0
2025-04-09 19:04:17.616 | DEBUG    | __main__:<module>:20 - Iteration 1627: Points 1320 (cluster 3626) and 1638 (cluster 1638) connect at weight=88.0
2025-04-09 19:04:17.617 | DEBUG    | __main__:<module>:20 - Iteration 1628: Points 974 (cluster 3627) and 1522 (cluster 1522) connect at weight=88.0
2025-04-09 19:04:17.617 | DEBUG    | __main__:<module>:20 - Iteration 1629: Points 1657 (cluster 1657) and 1652 (cluster 1652) connect at weight=87.0
2025-04-09 19:04:17.617 | DEBUG    | __main__:<module>:20 - Iteration 1630: Points 1647 (cluster 1647) and 1648 (cluster 1648) connect at weight=87.0
2025-04-09 19:04:17.617 | DEBUG    | __main__:<module>:20 - Iteration 1631: Points 1637 (cluster 3628) and 1659 (cluster 1659) connect at weight=87.0
2025-04-09 19:04:17.617 | DEBUG    | __main__:<module>:20 - Iteration 1632: Points 1603 (cluster 3631) and 1657 (cluster 3629) connect at weight=87.0
2025-04-09 19:04:17.618 | DEBUG    | __main__:<module>:20 - Iteration 1633: Points 1600 (cluster 3632) and 1654 (cluster 1654) connect at weight=87.0
2025-04-09 19:04:17.618 | DEBUG    | __main__:<module>:20 - Iteration 1634: Points 1577 (cluster 3633) and 1651 (cluster 1651) connect at weight=87.0
2025-04-09 19:04:17.618 | DEBUG    | __main__:<module>:20 - Iteration 1635: Points 1563 (cluster 3634) and 1656 (cluster 1656) connect at weight=87.0
2025-04-09 19:04:17.619 | DEBUG    | __main__:<module>:20 - Iteration 1636: Points 1548 (cluster 3635) and 1643 (cluster 1643) connect at weight=87.0
2025-04-09 19:04:17.619 | DEBUG    | __main__:<module>:20 - Iteration 1637: Points 1539 (cluster 3636) and 1646 (cluster 1646) connect at weight=87.0
2025-04-09 19:04:17.619 | DEBUG    | __main__:<module>:20 - Iteration 1638: Points 1535 (cluster 3637) and 1636 (cluster 1636) connect at weight=87.0
2025-04-09 19:04:17.620 | DEBUG    | __main__:<module>:20 - Iteration 1639: Points 1475 (cluster 3638) and 1649 (cluster 1649) connect at weight=87.0
2025-04-09 19:04:17.620 | DEBUG    | __main__:<module>:20 - Iteration 1640: Points 1442 (cluster 3639) and 1639 (cluster 1639) connect at weight=87.0
2025-04-09 19:04:17.620 | DEBUG    | __main__:<module>:20 - Iteration 1641: Points 1422 (cluster 3640) and 1650 (cluster 1650) connect at weight=87.0
2025-04-09 19:04:17.621 | DEBUG    | __main__:<module>:20 - Iteration 1642: Points 1421 (cluster 3641) and 1613 (cluster 3622) connect at weight=87.0
2025-04-09 19:04:17.621 | DEBUG    | __main__:<module>:20 - Iteration 1643: Points 1374 (cluster 3642) and 1619 (cluster 1619) connect at weight=87.0
2025-04-09 19:04:17.621 | DEBUG    | __main__:<module>:20 - Iteration 1644: Points 1313 (cluster 3643) and 1653 (cluster 1653) connect at weight=87.0
2025-04-09 19:04:17.622 | DEBUG    | __main__:<module>:20 - Iteration 1645: Points 1616 (cluster 3644) and 1676 (cluster 1676) connect at weight=86.0
2025-04-09 19:04:17.622 | DEBUG    | __main__:<module>:20 - Iteration 1646: Points 1601 (cluster 3645) and 1670 (cluster 1670) connect at weight=86.0
2025-04-09 19:04:17.622 | DEBUG    | __main__:<module>:20 - Iteration 1647: Points 1601 (cluster 3646) and 1669 (cluster 1669) connect at weight=86.0
2025-04-09 19:04:17.622 | DEBUG    | __main__:<module>:20 - Iteration 1648: Points 1553 (cluster 3647) and 1666 (cluster 1666) connect at weight=86.0
2025-04-09 19:04:17.623 | DEBUG    | __main__:<module>:20 - Iteration 1649: Points 1541 (cluster 3648) and 1662 (cluster 1662) connect at weight=86.0
2025-04-09 19:04:17.623 | DEBUG    | __main__:<module>:20 - Iteration 1650: Points 1527 (cluster 3649) and 1615 (cluster 3621) connect at weight=86.0
2025-04-09 19:04:17.623 | DEBUG    | __main__:<module>:20 - Iteration 1651: Points 1505 (cluster 3650) and 1660 (cluster 1660) connect at weight=86.0
2025-04-09 19:04:17.623 | DEBUG    | __main__:<module>:20 - Iteration 1652: Points 1496 (cluster 3651) and 1564 (cluster 3612) connect at weight=86.0
2025-04-09 19:04:17.624 | DEBUG    | __main__:<module>:20 - Iteration 1653: Points 1492 (cluster 3652) and 1668 (cluster 1668) connect at weight=86.0
2025-04-09 19:04:17.624 | DEBUG    | __main__:<module>:20 - Iteration 1654: Points 1446 (cluster 3653) and 1647 (cluster 3630) connect at weight=86.0
2025-04-09 19:04:17.624 | DEBUG    | __main__:<module>:20 - Iteration 1655: Points 1436 (cluster 3654) and 1581 (cluster 1581) connect at weight=86.0
2025-04-09 19:04:17.625 | DEBUG    | __main__:<module>:20 - Iteration 1656: Points 1338 (cluster 3655) and 1675 (cluster 1675) connect at weight=86.0
2025-04-09 19:04:17.625 | DEBUG    | __main__:<module>:20 - Iteration 1657: Points 1220 (cluster 3656) and 1645 (cluster 1645) connect at weight=86.0
2025-04-09 19:04:17.625 | DEBUG    | __main__:<module>:20 - Iteration 1658: Points 1655 (cluster 1655) and 1686 (cluster 1686) connect at weight=85.0
2025-04-09 19:04:17.625 | DEBUG    | __main__:<module>:20 - Iteration 1659: Points 1653 (cluster 3657) and 1682 (cluster 1682) connect at weight=85.0
2025-04-09 19:04:17.626 | DEBUG    | __main__:<module>:20 - Iteration 1660: Points 1632 (cluster 1632) and 1641 (cluster 1641) connect at weight=85.0
2025-04-09 19:04:17.626 | DEBUG    | __main__:<module>:20 - Iteration 1661: Points 1614 (cluster 3659) and 1671 (cluster 1671) connect at weight=85.0
2025-04-09 19:04:17.626 | DEBUG    | __main__:<module>:20 - Iteration 1662: Points 1598 (cluster 3661) and 1667 (cluster 1667) connect at weight=85.0
2025-04-09 19:04:17.626 | DEBUG    | __main__:<module>:20 - Iteration 1663: Points 1560 (cluster 3662) and 1673 (cluster 1673) connect at weight=85.0
2025-04-09 19:04:17.626 | DEBUG    | __main__:<module>:20 - Iteration 1664: Points 1531 (cluster 3663) and 1658 (cluster 1658) connect at weight=85.0
2025-04-09 19:04:17.627 | DEBUG    | __main__:<module>:20 - Iteration 1665: Points 1485 (cluster 3664) and 1692 (cluster 1692) connect at weight=85.0
2025-04-09 19:04:17.627 | DEBUG    | __main__:<module>:20 - Iteration 1666: Points 1476 (cluster 3665) and 1610 (cluster 1610) connect at weight=85.0
2025-04-09 19:04:17.628 | DEBUG    | __main__:<module>:20 - Iteration 1667: Points 1465 (cluster 3666) and 1664 (cluster 1664) connect at weight=85.0
2025-04-09 19:04:17.628 | DEBUG    | __main__:<module>:20 - Iteration 1668: Points 1438 (cluster 3667) and 1683 (cluster 1683) connect at weight=85.0
2025-04-09 19:04:17.628 | DEBUG    | __main__:<module>:20 - Iteration 1669: Points 1340 (cluster 3668) and 1635 (cluster 3610) connect at weight=85.0
2025-04-09 19:04:17.628 | DEBUG    | __main__:<module>:20 - Iteration 1670: Points 1296 (cluster 3669) and 1688 (cluster 1688) connect at weight=85.0
2025-04-09 19:04:17.629 | DEBUG    | __main__:<module>:20 - Iteration 1671: Points 1684 (cluster 1684) and 1696 (cluster 1696) connect at weight=84.0
2025-04-09 19:04:17.629 | DEBUG    | __main__:<module>:20 - Iteration 1672: Points 1658 (cluster 3670) and 1679 (cluster 1679) connect at weight=84.0
2025-04-09 19:04:17.629 | DEBUG    | __main__:<module>:20 - Iteration 1673: Points 1606 (cluster 3672) and 1699 (cluster 1699) connect at weight=84.0
2025-04-09 19:04:17.630 | DEBUG    | __main__:<module>:20 - Iteration 1674: Points 1604 (cluster 3673) and 1629 (cluster 1629) connect at weight=84.0
2025-04-09 19:04:17.630 | DEBUG    | __main__:<module>:20 - Iteration 1675: Points 1575 (cluster 3674) and 1697 (cluster 1697) connect at weight=84.0
2025-04-09 19:04:17.630 | DEBUG    | __main__:<module>:20 - Iteration 1676: Points 1547 (cluster 3675) and 1631 (cluster 1631) connect at weight=84.0
2025-04-09 19:04:17.631 | DEBUG    | __main__:<module>:20 - Iteration 1677: Points 1506 (cluster 3676) and 1687 (cluster 1687) connect at weight=84.0
2025-04-09 19:04:17.631 | DEBUG    | __main__:<module>:20 - Iteration 1678: Points 1439 (cluster 3677) and 1663 (cluster 1663) connect at weight=84.0
2025-04-09 19:04:17.631 | DEBUG    | __main__:<module>:20 - Iteration 1679: Points 1422 (cluster 3678) and 1665 (cluster 1665) connect at weight=84.0
2025-04-09 19:04:17.631 | DEBUG    | __main__:<module>:20 - Iteration 1680: Points 1388 (cluster 3679) and 1691 (cluster 1691) connect at weight=84.0
2025-04-09 19:04:17.632 | DEBUG    | __main__:<module>:20 - Iteration 1681: Points 1341 (cluster 3680) and 1674 (cluster 1674) connect at weight=84.0
2025-04-09 19:04:17.632 | DEBUG    | __main__:<module>:20 - Iteration 1682: Points 1321 (cluster 3681) and 1634 (cluster 1634) connect at weight=84.0
2025-04-09 19:04:17.632 | DEBUG    | __main__:<module>:20 - Iteration 1683: Points 1198 (cluster 3682) and 1677 (cluster 1677) connect at weight=84.0
2025-04-09 19:04:17.632 | DEBUG    | __main__:<module>:20 - Iteration 1684: Points 1686 (cluster 3658) and 1707 (cluster 1707) connect at weight=83.0
2025-04-09 19:04:17.633 | DEBUG    | __main__:<module>:20 - Iteration 1685: Points 1642 (cluster 3683) and 1690 (cluster 1690) connect at weight=83.0
2025-04-09 19:04:17.633 | DEBUG    | __main__:<module>:20 - Iteration 1686: Points 1560 (cluster 3685) and 1694 (cluster 1694) connect at weight=83.0
2025-04-09 19:04:17.633 | DEBUG    | __main__:<module>:20 - Iteration 1687: Points 1522 (cluster 3686) and 1702 (cluster 1702) connect at weight=83.0
2025-04-09 19:04:17.634 | DEBUG    | __main__:<module>:20 - Iteration 1688: Points 1502 (cluster 3687) and 1698 (cluster 1698) connect at weight=83.0
2025-04-09 19:04:17.634 | DEBUG    | __main__:<module>:20 - Iteration 1689: Points 1458 (cluster 3688) and 1685 (cluster 1685) connect at weight=83.0
2025-04-09 19:04:17.634 | DEBUG    | __main__:<module>:20 - Iteration 1690: Points 1447 (cluster 3689) and 1680 (cluster 1680) connect at weight=83.0
2025-04-09 19:04:17.634 | DEBUG    | __main__:<module>:20 - Iteration 1691: Points 1394 (cluster 3690) and 1661 (cluster 1661) connect at weight=83.0
2025-04-09 19:04:17.635 | DEBUG    | __main__:<module>:20 - Iteration 1692: Points 1377 (cluster 3691) and 1655 (cluster 3684) connect at weight=83.0
2025-04-09 19:04:17.635 | DEBUG    | __main__:<module>:20 - Iteration 1693: Points 1288 (cluster 3692) and 1701 (cluster 1701) connect at weight=83.0
2025-04-09 19:04:17.635 | DEBUG    | __main__:<module>:20 - Iteration 1694: Points 1708 (cluster 1708) and 1700 (cluster 1700) connect at weight=82.0
2025-04-09 19:04:17.635 | DEBUG    | __main__:<module>:20 - Iteration 1695: Points 1679 (cluster 3693) and 1719 (cluster 1719) connect at weight=82.0
2025-04-09 19:04:17.636 | DEBUG    | __main__:<module>:20 - Iteration 1696: Points 1677 (cluster 3695) and 1678 (cluster 1678) connect at weight=82.0
2025-04-09 19:04:17.636 | DEBUG    | __main__:<module>:20 - Iteration 1697: Points 1664 (cluster 3696) and 1717 (cluster 1717) connect at weight=82.0
2025-04-09 19:04:17.636 | DEBUG    | __main__:<module>:20 - Iteration 1698: Points 1664 (cluster 3697) and 1708 (cluster 3694) connect at weight=82.0
2025-04-09 19:04:17.637 | DEBUG    | __main__:<module>:20 - Iteration 1699: Points 1610 (cluster 3698) and 1710 (cluster 1710) connect at weight=82.0
2025-04-09 19:04:17.637 | DEBUG    | __main__:<module>:20 - Iteration 1700: Points 1595 (cluster 3699) and 1705 (cluster 1705) connect at weight=82.0
2025-04-09 19:04:17.637 | DEBUG    | __main__:<module>:20 - Iteration 1701: Points 1560 (cluster 3700) and 1695 (cluster 1695) connect at weight=82.0
2025-04-09 19:04:17.638 | DEBUG    | __main__:<module>:20 - Iteration 1702: Points 1554 (cluster 3701) and 1703 (cluster 1703) connect at weight=82.0
2025-04-09 19:04:17.638 | DEBUG    | __main__:<module>:20 - Iteration 1703: Points 1541 (cluster 3702) and 1720 (cluster 1720) connect at weight=82.0
2025-04-09 19:04:17.638 | DEBUG    | __main__:<module>:20 - Iteration 1704: Points 1534 (cluster 3703) and 1715 (cluster 1715) connect at weight=82.0
2025-04-09 19:04:17.638 | DEBUG    | __main__:<module>:20 - Iteration 1705: Points 1261 (cluster 3704) and 1684 (cluster 3671) connect at weight=82.0
2025-04-09 19:04:17.638 | DEBUG    | __main__:<module>:20 - Iteration 1706: Points 1653 (cluster 3705) and 1724 (cluster 1724) connect at weight=81.0
2025-04-09 19:04:17.639 | DEBUG    | __main__:<module>:20 - Iteration 1707: Points 1630 (cluster 3706) and 1728 (cluster 1728) connect at weight=81.0
2025-04-09 19:04:17.639 | DEBUG    | __main__:<module>:20 - Iteration 1708: Points 1611 (cluster 3707) and 1727 (cluster 1727) connect at weight=81.0
2025-04-09 19:04:17.639 | DEBUG    | __main__:<module>:20 - Iteration 1709: Points 1610 (cluster 3708) and 1706 (cluster 1706) connect at weight=81.0
2025-04-09 19:04:17.640 | DEBUG    | __main__:<module>:20 - Iteration 1710: Points 1572 (cluster 3709) and 1709 (cluster 1709) connect at weight=81.0
2025-04-09 19:04:17.640 | DEBUG    | __main__:<module>:20 - Iteration 1711: Points 1566 (cluster 3710) and 1722 (cluster 1722) connect at weight=81.0
2025-04-09 19:04:17.640 | DEBUG    | __main__:<module>:20 - Iteration 1712: Points 1519 (cluster 3711) and 1718 (cluster 1718) connect at weight=81.0
2025-04-09 19:04:17.641 | DEBUG    | __main__:<module>:20 - Iteration 1713: Points 1495 (cluster 3712) and 1632 (cluster 3660) connect at weight=81.0
2025-04-09 19:04:17.641 | DEBUG    | __main__:<module>:20 - Iteration 1714: Points 1441 (cluster 3713) and 1689 (cluster 1689) connect at weight=81.0
2025-04-09 19:04:17.641 | DEBUG    | __main__:<module>:20 - Iteration 1715: Points 1309 (cluster 3714) and 1721 (cluster 1721) connect at weight=81.0
2025-04-09 19:04:17.641 | DEBUG    | __main__:<module>:20 - Iteration 1716: Points 1731 (cluster 1731) and 1726 (cluster 1726) connect at weight=80.0
2025-04-09 19:04:17.642 | DEBUG    | __main__:<module>:20 - Iteration 1717: Points 1727 (cluster 3715) and 1733 (cluster 1733) connect at weight=80.0
2025-04-09 19:04:17.642 | DEBUG    | __main__:<module>:20 - Iteration 1718: Points 1725 (cluster 1725) and 1736 (cluster 1736) connect at weight=80.0
2025-04-09 19:04:17.642 | DEBUG    | __main__:<module>:20 - Iteration 1719: Points 1718 (cluster 3717) and 1743 (cluster 1743) connect at weight=80.0
2025-04-09 19:04:17.643 | DEBUG    | __main__:<module>:20 - Iteration 1720: Points 1715 (cluster 3719) and 1735 (cluster 1735) connect at weight=80.0
2025-04-09 19:04:17.643 | DEBUG    | __main__:<module>:20 - Iteration 1721: Points 1707 (cluster 3720) and 1734 (cluster 1734) connect at weight=80.0
2025-04-09 19:04:17.643 | DEBUG    | __main__:<module>:20 - Iteration 1722: Points 1694 (cluster 3721) and 1738 (cluster 1738) connect at weight=80.0
2025-04-09 19:04:17.644 | DEBUG    | __main__:<module>:20 - Iteration 1723: Points 1683 (cluster 3722) and 1741 (cluster 1741) connect at weight=80.0
2025-04-09 19:04:17.644 | DEBUG    | __main__:<module>:20 - Iteration 1724: Points 1672 (cluster 1672) and 1730 (cluster 1730) connect at weight=80.0
2025-04-09 19:04:17.644 | DEBUG    | __main__:<module>:20 - Iteration 1725: Points 1629 (cluster 3723) and 1681 (cluster 1681) connect at weight=80.0
2025-04-09 19:04:17.644 | DEBUG    | __main__:<module>:20 - Iteration 1726: Points 1613 (cluster 3725) and 1714 (cluster 1714) connect at weight=80.0
2025-04-09 19:04:17.645 | DEBUG    | __main__:<module>:20 - Iteration 1727: Points 1599 (cluster 3726) and 1712 (cluster 1712) connect at weight=80.0
2025-04-09 19:04:17.645 | DEBUG    | __main__:<module>:20 - Iteration 1728: Points 1552 (cluster 3727) and 1739 (cluster 1739) connect at weight=80.0
2025-04-09 19:04:17.645 | DEBUG    | __main__:<module>:20 - Iteration 1729: Points 1534 (cluster 3728) and 1737 (cluster 1737) connect at weight=80.0
2025-04-09 19:04:17.645 | DEBUG    | __main__:<module>:20 - Iteration 1730: Points 1510 (cluster 3729) and 1742 (cluster 1742) connect at weight=80.0
2025-04-09 19:04:17.646 | DEBUG    | __main__:<module>:20 - Iteration 1731: Points 1419 (cluster 3730) and 1704 (cluster 1704) connect at weight=80.0
2025-04-09 19:04:17.646 | DEBUG    | __main__:<module>:20 - Iteration 1732: Points 1335 (cluster 3731) and 1713 (cluster 1713) connect at weight=80.0
2025-04-09 19:04:17.646 | DEBUG    | __main__:<module>:20 - Iteration 1733: Points 1111 (cluster 3732) and 1693 (cluster 1693) connect at weight=80.0
2025-04-09 19:04:17.647 | DEBUG    | __main__:<module>:20 - Iteration 1734: Points 1738 (cluster 3733) and 1748 (cluster 1748) connect at weight=79.0
2025-04-09 19:04:17.647 | DEBUG    | __main__:<module>:20 - Iteration 1735: Points 1693 (cluster 3734) and 1711 (cluster 1711) connect at weight=79.0
2025-04-09 19:04:17.647 | DEBUG    | __main__:<module>:20 - Iteration 1736: Points 1598 (cluster 3735) and 1745 (cluster 1745) connect at weight=79.0
2025-04-09 19:04:17.647 | DEBUG    | __main__:<module>:20 - Iteration 1737: Points 1582 (cluster 3736) and 1749 (cluster 1749) connect at weight=79.0
2025-04-09 19:04:17.648 | DEBUG    | __main__:<module>:20 - Iteration 1738: Points 1536 (cluster 3737) and 1740 (cluster 1740) connect at weight=79.0
2025-04-09 19:04:17.648 | DEBUG    | __main__:<module>:20 - Iteration 1739: Points 1520 (cluster 3738) and 1732 (cluster 1732) connect at weight=79.0
2025-04-09 19:04:17.648 | DEBUG    | __main__:<module>:20 - Iteration 1740: Points 1516 (cluster 3739) and 1751 (cluster 1751) connect at weight=79.0
2025-04-09 19:04:17.649 | DEBUG    | __main__:<module>:20 - Iteration 1741: Points 1302 (cluster 3740) and 1729 (cluster 1729) connect at weight=79.0
2025-04-09 19:04:17.649 | DEBUG    | __main__:<module>:20 - Iteration 1742: Points 1261 (cluster 3741) and 1716 (cluster 1716) connect at weight=79.0
2025-04-09 19:04:17.649 | DEBUG    | __main__:<module>:20 - Iteration 1743: Points 1688 (cluster 3742) and 1757 (cluster 1757) connect at weight=78.0
2025-04-09 19:04:17.650 | DEBUG    | __main__:<module>:20 - Iteration 1744: Points 1680 (cluster 3743) and 1756 (cluster 1756) connect at weight=78.0
2025-04-09 19:04:17.650 | DEBUG    | __main__:<module>:20 - Iteration 1745: Points 1680 (cluster 3744) and 1731 (cluster 3716) connect at weight=78.0
2025-04-09 19:04:17.650 | DEBUG    | __main__:<module>:20 - Iteration 1746: Points 1674 (cluster 3745) and 1747 (cluster 1747) connect at weight=78.0
2025-04-09 19:04:17.650 | DEBUG    | __main__:<module>:20 - Iteration 1747: Points 1672 (cluster 3724) and 1723 (cluster 1723) connect at weight=78.0
2025-04-09 19:04:17.651 | DEBUG    | __main__:<module>:20 - Iteration 1748: Points 1639 (cluster 3746) and 1762 (cluster 1762) connect at weight=78.0
2025-04-09 19:04:17.651 | DEBUG    | __main__:<module>:20 - Iteration 1749: Points 1636 (cluster 3748) and 1753 (cluster 1753) connect at weight=78.0
2025-04-09 19:04:17.651 | DEBUG    | __main__:<module>:20 - Iteration 1750: Points 1611 (cluster 3749) and 1760 (cluster 1760) connect at weight=78.0
2025-04-09 19:04:17.651 | DEBUG    | __main__:<module>:20 - Iteration 1751: Points 1593 (cluster 3750) and 1746 (cluster 1746) connect at weight=78.0
2025-04-09 19:04:17.652 | DEBUG    | __main__:<module>:20 - Iteration 1752: Points 1557 (cluster 3751) and 1754 (cluster 1754) connect at weight=78.0
2025-04-09 19:04:17.652 | DEBUG    | __main__:<module>:20 - Iteration 1753: Points 1542 (cluster 3752) and 1763 (cluster 1763) connect at weight=78.0
2025-04-09 19:04:17.652 | DEBUG    | __main__:<module>:20 - Iteration 1754: Points 1486 (cluster 3753) and 1761 (cluster 1761) connect at weight=78.0
2025-04-09 19:04:17.653 | DEBUG    | __main__:<module>:20 - Iteration 1755: Points 1387 (cluster 3754) and 1758 (cluster 1758) connect at weight=78.0
2025-04-09 19:04:17.653 | DEBUG    | __main__:<module>:20 - Iteration 1756: Points 1336 (cluster 3755) and 1759 (cluster 1759) connect at weight=78.0
2025-04-09 19:04:17.653 | DEBUG    | __main__:<module>:20 - Iteration 1757: Points 1278 (cluster 3756) and 1672 (cluster 3747) connect at weight=78.0
2025-04-09 19:04:17.653 | DEBUG    | __main__:<module>:20 - Iteration 1758: Points 1762 (cluster 3757) and 1770 (cluster 1770) connect at weight=77.0
2025-04-09 19:04:17.654 | DEBUG    | __main__:<module>:20 - Iteration 1759: Points 1729 (cluster 3758) and 1744 (cluster 1744) connect at weight=77.0
2025-04-09 19:04:17.654 | DEBUG    | __main__:<module>:20 - Iteration 1760: Points 1724 (cluster 3759) and 1766 (cluster 1766) connect at weight=77.0
2025-04-09 19:04:17.654 | DEBUG    | __main__:<module>:20 - Iteration 1761: Points 1682 (cluster 3760) and 1774 (cluster 1774) connect at weight=77.0
2025-04-09 19:04:17.655 | DEBUG    | __main__:<module>:20 - Iteration 1762: Points 1671 (cluster 3761) and 1775 (cluster 1775) connect at weight=77.0
2025-04-09 19:04:17.655 | DEBUG    | __main__:<module>:20 - Iteration 1763: Points 1671 (cluster 3762) and 1767 (cluster 1767) connect at weight=77.0
2025-04-09 19:04:17.655 | DEBUG    | __main__:<module>:20 - Iteration 1764: Points 1546 (cluster 3763) and 1725 (cluster 3718) connect at weight=77.0
2025-04-09 19:04:17.655 | DEBUG    | __main__:<module>:20 - Iteration 1765: Points 1751 (cluster 3764) and 1793 (cluster 1793) connect at weight=76.0
2025-04-09 19:04:17.655 | DEBUG    | __main__:<module>:20 - Iteration 1766: Points 1713 (cluster 3765) and 1764 (cluster 1764) connect at weight=76.0
2025-04-09 19:04:17.656 | DEBUG    | __main__:<module>:20 - Iteration 1767: Points 1706 (cluster 3766) and 1755 (cluster 1755) connect at weight=76.0
2025-04-09 19:04:17.657 | DEBUG    | __main__:<module>:20 - Iteration 1768: Points 1661 (cluster 3767) and 1773 (cluster 1773) connect at weight=76.0
2025-04-09 19:04:17.657 | DEBUG    | __main__:<module>:20 - Iteration 1769: Points 1632 (cluster 3768) and 1765 (cluster 1765) connect at weight=76.0
2025-04-09 19:04:17.657 | DEBUG    | __main__:<module>:20 - Iteration 1770: Points 1630 (cluster 3769) and 1777 (cluster 1777) connect at weight=76.0
2025-04-09 19:04:17.657 | DEBUG    | __main__:<module>:20 - Iteration 1771: Points 1602 (cluster 3770) and 1784 (cluster 1784) connect at weight=76.0
2025-04-09 19:04:17.658 | DEBUG    | __main__:<module>:20 - Iteration 1772: Points 1576 (cluster 3771) and 1776 (cluster 1776) connect at weight=76.0
2025-04-09 19:04:17.658 | DEBUG    | __main__:<module>:20 - Iteration 1773: Points 1552 (cluster 3772) and 1772 (cluster 1772) connect at weight=76.0
2025-04-09 19:04:17.658 | DEBUG    | __main__:<module>:20 - Iteration 1774: Points 1517 (cluster 3773) and 1790 (cluster 1790) connect at weight=76.0
2025-04-09 19:04:17.659 | DEBUG    | __main__:<module>:20 - Iteration 1775: Points 1497 (cluster 3774) and 1750 (cluster 1750) connect at weight=76.0
2025-04-09 19:04:17.659 | DEBUG    | __main__:<module>:20 - Iteration 1776: Points 1458 (cluster 3775) and 1769 (cluster 1769) connect at weight=76.0
2025-04-09 19:04:17.659 | DEBUG    | __main__:<module>:20 - Iteration 1777: Points 1442 (cluster 3776) and 1783 (cluster 1783) connect at weight=76.0
2025-04-09 19:04:17.659 | DEBUG    | __main__:<module>:20 - Iteration 1778: Points 1432 (cluster 3777) and 1781 (cluster 1781) connect at weight=76.0
2025-04-09 19:04:17.660 | DEBUG    | __main__:<module>:20 - Iteration 1779: Points 1786 (cluster 1786) and 1799 (cluster 1799) connect at weight=75.0
2025-04-09 19:04:17.660 | DEBUG    | __main__:<module>:20 - Iteration 1780: Points 1776 (cluster 3778) and 1779 (cluster 1779) connect at weight=75.0
2025-04-09 19:04:17.660 | DEBUG    | __main__:<module>:20 - Iteration 1781: Points 1766 (cluster 3780) and 1800 (cluster 1800) connect at weight=75.0
2025-04-09 19:04:17.661 | DEBUG    | __main__:<module>:20 - Iteration 1782: Points 1758 (cluster 3781) and 1802 (cluster 1802) connect at weight=75.0
2025-04-09 19:04:17.661 | DEBUG    | __main__:<module>:20 - Iteration 1783: Points 1755 (cluster 3782) and 1782 (cluster 1782) connect at weight=75.0
2025-04-09 19:04:17.661 | DEBUG    | __main__:<module>:20 - Iteration 1784: Points 1749 (cluster 3783) and 1788 (cluster 1788) connect at weight=75.0
2025-04-09 19:04:17.662 | DEBUG    | __main__:<module>:20 - Iteration 1785: Points 1743 (cluster 3784) and 1792 (cluster 1792) connect at weight=75.0
2025-04-09 19:04:17.662 | DEBUG    | __main__:<module>:20 - Iteration 1786: Points 1733 (cluster 3785) and 1795 (cluster 1795) connect at weight=75.0
2025-04-09 19:04:17.662 | DEBUG    | __main__:<module>:20 - Iteration 1787: Points 1721 (cluster 3786) and 1794 (cluster 1794) connect at weight=75.0
2025-04-09 19:04:17.662 | DEBUG    | __main__:<module>:20 - Iteration 1788: Points 1664 (cluster 3787) and 1752 (cluster 1752) connect at weight=75.0
2025-04-09 19:04:17.663 | DEBUG    | __main__:<module>:20 - Iteration 1789: Points 1661 (cluster 3788) and 1771 (cluster 1771) connect at weight=75.0
2025-04-09 19:04:17.663 | DEBUG    | __main__:<module>:20 - Iteration 1790: Points 1657 (cluster 3789) and 1798 (cluster 1798) connect at weight=75.0
2025-04-09 19:04:17.663 | DEBUG    | __main__:<module>:20 - Iteration 1791: Points 1641 (cluster 3790) and 1797 (cluster 1797) connect at weight=75.0
2025-04-09 19:04:17.664 | DEBUG    | __main__:<module>:20 - Iteration 1792: Points 1633 (cluster 3791) and 1768 (cluster 1768) connect at weight=75.0
2025-04-09 19:04:17.664 | DEBUG    | __main__:<module>:20 - Iteration 1793: Points 1619 (cluster 3792) and 1786 (cluster 3779) connect at weight=75.0
2025-04-09 19:04:17.664 | DEBUG    | __main__:<module>:20 - Iteration 1794: Points 1720 (cluster 3793) and 1807 (cluster 1807) connect at weight=74.0
2025-04-09 19:04:17.664 | DEBUG    | __main__:<module>:20 - Iteration 1795: Points 1682 (cluster 3794) and 1805 (cluster 1805) connect at weight=74.0
2025-04-09 19:04:17.665 | DEBUG    | __main__:<module>:20 - Iteration 1796: Points 1675 (cluster 3795) and 1804 (cluster 1804) connect at weight=74.0
2025-04-09 19:04:17.665 | DEBUG    | __main__:<module>:20 - Iteration 1797: Points 1647 (cluster 3796) and 1791 (cluster 1791) connect at weight=74.0
2025-04-09 19:04:17.665 | DEBUG    | __main__:<module>:20 - Iteration 1798: Points 1646 (cluster 3797) and 1808 (cluster 1808) connect at weight=74.0
2025-04-09 19:04:17.665 | DEBUG    | __main__:<module>:20 - Iteration 1799: Points 1608 (cluster 3798) and 1809 (cluster 1809) connect at weight=74.0
2025-04-09 19:04:17.666 | DEBUG    | __main__:<module>:20 - Iteration 1800: Points 1553 (cluster 3799) and 1806 (cluster 1806) connect at weight=74.0
2025-04-09 19:04:17.666 | DEBUG    | __main__:<module>:20 - Iteration 1801: Points 1550 (cluster 3800) and 1787 (cluster 1787) connect at weight=74.0
2025-04-09 19:04:17.666 | DEBUG    | __main__:<module>:20 - Iteration 1802: Points 1778 (cluster 1778) and 1801 (cluster 1801) connect at weight=73.0
2025-04-09 19:04:17.667 | DEBUG    | __main__:<module>:20 - Iteration 1803: Points 1760 (cluster 3801) and 1812 (cluster 1812) connect at weight=73.0
2025-04-09 19:04:17.667 | DEBUG    | __main__:<module>:20 - Iteration 1804: Points 1705 (cluster 3803) and 1811 (cluster 1811) connect at weight=73.0
2025-04-09 19:04:17.667 | DEBUG    | __main__:<module>:20 - Iteration 1805: Points 1639 (cluster 3804) and 1816 (cluster 1816) connect at weight=73.0
2025-04-09 19:04:17.667 | DEBUG    | __main__:<module>:20 - Iteration 1806: Points 1593 (cluster 3805) and 1796 (cluster 1796) connect at weight=73.0
2025-04-09 19:04:17.668 | DEBUG    | __main__:<module>:20 - Iteration 1807: Points 1593 (cluster 3806) and 1778 (cluster 3802) connect at weight=73.0
2025-04-09 19:04:17.668 | DEBUG    | __main__:<module>:20 - Iteration 1808: Points 1530 (cluster 3807) and 1780 (cluster 1780) connect at weight=73.0
2025-04-09 19:04:17.668 | DEBUG    | __main__:<module>:20 - Iteration 1809: Points 1387 (cluster 3808) and 1817 (cluster 1817) connect at weight=73.0
2025-04-09 19:04:17.669 | DEBUG    | __main__:<module>:20 - Iteration 1810: Points 1808 (cluster 3809) and 1819 (cluster 1819) connect at weight=72.0
2025-04-09 19:04:17.669 | DEBUG    | __main__:<module>:20 - Iteration 1811: Points 1792 (cluster 3810) and 1818 (cluster 1818) connect at weight=72.0
2025-04-09 19:04:17.669 | DEBUG    | __main__:<module>:20 - Iteration 1812: Points 1714 (cluster 3811) and 1828 (cluster 1828) connect at weight=72.0
2025-04-09 19:04:17.669 | DEBUG    | __main__:<module>:20 - Iteration 1813: Points 1709 (cluster 3812) and 1803 (cluster 1803) connect at weight=72.0
2025-04-09 19:04:17.670 | DEBUG    | __main__:<module>:20 - Iteration 1814: Points 1629 (cluster 3813) and 1785 (cluster 1785) connect at weight=72.0
2025-04-09 19:04:17.670 | DEBUG    | __main__:<module>:20 - Iteration 1815: Points 1597 (cluster 3814) and 1814 (cluster 1814) connect at weight=72.0
2025-04-09 19:04:17.670 | DEBUG    | __main__:<module>:20 - Iteration 1816: Points 1538 (cluster 3815) and 1822 (cluster 1822) connect at weight=72.0
2025-04-09 19:04:17.670 | DEBUG    | __main__:<module>:20 - Iteration 1817: Points 1448 (cluster 3816) and 1827 (cluster 1827) connect at weight=72.0
2025-04-09 19:04:17.671 | DEBUG    | __main__:<module>:20 - Iteration 1818: Points 1335 (cluster 3817) and 1789 (cluster 1789) connect at weight=72.0
2025-04-09 19:04:17.671 | DEBUG    | __main__:<module>:20 - Iteration 1819: Points 1288 (cluster 3818) and 1823 (cluster 1823) connect at weight=72.0
2025-04-09 19:04:17.672 | DEBUG    | __main__:<module>:20 - Iteration 1820: Points 1797 (cluster 3819) and 1824 (cluster 1824) connect at weight=71.0
2025-04-09 19:04:17.672 | DEBUG    | __main__:<module>:20 - Iteration 1821: Points 1785 (cluster 3820) and 1833 (cluster 1833) connect at weight=71.0
2025-04-09 19:04:17.672 | DEBUG    | __main__:<module>:20 - Iteration 1822: Points 1734 (cluster 3821) and 1826 (cluster 1826) connect at weight=71.0
2025-04-09 19:04:17.672 | DEBUG    | __main__:<module>:20 - Iteration 1823: Points 1703 (cluster 3822) and 1820 (cluster 1820) connect at weight=71.0
2025-04-09 19:04:17.672 | DEBUG    | __main__:<module>:20 - Iteration 1824: Points 1697 (cluster 3823) and 1835 (cluster 1835) connect at weight=71.0
2025-04-09 19:04:17.673 | DEBUG    | __main__:<module>:20 - Iteration 1825: Points 1690 (cluster 3824) and 1815 (cluster 1815) connect at weight=71.0
2025-04-09 19:04:17.673 | DEBUG    | __main__:<module>:20 - Iteration 1826: Points 1663 (cluster 3825) and 1832 (cluster 1832) connect at weight=71.0
2025-04-09 19:04:17.673 | DEBUG    | __main__:<module>:20 - Iteration 1827: Points 1659 (cluster 3826) and 1836 (cluster 1836) connect at weight=71.0
2025-04-09 19:04:17.673 | DEBUG    | __main__:<module>:20 - Iteration 1828: Points 1628 (cluster 3827) and 1821 (cluster 1821) connect at weight=71.0
2025-04-09 19:04:17.674 | DEBUG    | __main__:<module>:20 - Iteration 1829: Points 1620 (cluster 3828) and 1834 (cluster 1834) connect at weight=71.0
2025-04-09 19:04:17.674 | DEBUG    | __main__:<module>:20 - Iteration 1830: Points 1498 (cluster 3829) and 1830 (cluster 1830) connect at weight=71.0
2025-04-09 19:04:17.675 | DEBUG    | __main__:<module>:20 - Iteration 1831: Points 1448 (cluster 3830) and 1825 (cluster 1825) connect at weight=71.0
2025-04-09 19:04:17.675 | DEBUG    | __main__:<module>:20 - Iteration 1832: Points 1777 (cluster 3831) and 1845 (cluster 1845) connect at weight=70.0
2025-04-09 19:04:17.675 | DEBUG    | __main__:<module>:20 - Iteration 1833: Points 1774 (cluster 3832) and 1848 (cluster 1848) connect at weight=70.0
2025-04-09 19:04:17.675 | DEBUG    | __main__:<module>:20 - Iteration 1834: Points 1751 (cluster 3833) and 1846 (cluster 1846) connect at weight=70.0
2025-04-09 19:04:17.675 | DEBUG    | __main__:<module>:20 - Iteration 1835: Points 1734 (cluster 3834) and 1813 (cluster 1813) connect at weight=70.0
2025-04-09 19:04:17.676 | DEBUG    | __main__:<module>:20 - Iteration 1836: Points 1731 (cluster 3835) and 1838 (cluster 1838) connect at weight=70.0
2025-04-09 19:04:17.676 | DEBUG    | __main__:<module>:20 - Iteration 1837: Points 1712 (cluster 3836) and 1831 (cluster 1831) connect at weight=70.0
2025-04-09 19:04:17.676 | DEBUG    | __main__:<module>:20 - Iteration 1838: Points 1696 (cluster 3837) and 1829 (cluster 1829) connect at weight=70.0
2025-04-09 19:04:17.677 | DEBUG    | __main__:<module>:20 - Iteration 1839: Points 1629 (cluster 3838) and 1837 (cluster 1837) connect at weight=70.0
2025-04-09 19:04:17.677 | DEBUG    | __main__:<module>:20 - Iteration 1840: Points 1862 (cluster 1862) and 1840 (cluster 1840) connect at weight=69.0
2025-04-09 19:04:17.677 | DEBUG    | __main__:<module>:20 - Iteration 1841: Points 1841 (cluster 1841) and 1860 (cluster 1860) connect at weight=69.0
2025-04-09 19:04:17.678 | DEBUG    | __main__:<module>:20 - Iteration 1842: Points 1803 (cluster 3839) and 1862 (cluster 3840) connect at weight=69.0
2025-04-09 19:04:17.678 | DEBUG    | __main__:<module>:20 - Iteration 1843: Points 1798 (cluster 3842) and 1863 (cluster 1863) connect at weight=69.0
2025-04-09 19:04:17.678 | DEBUG    | __main__:<module>:20 - Iteration 1844: Points 1784 (cluster 3843) and 1842 (cluster 1842) connect at weight=69.0
2025-04-09 19:04:17.678 | DEBUG    | __main__:<module>:20 - Iteration 1845: Points 1720 (cluster 3844) and 1847 (cluster 1847) connect at weight=69.0
2025-04-09 19:04:17.678 | DEBUG    | __main__:<module>:20 - Iteration 1846: Points 1692 (cluster 3845) and 1856 (cluster 1856) connect at weight=69.0
2025-04-09 19:04:17.679 | DEBUG    | __main__:<module>:20 - Iteration 1847: Points 1685 (cluster 3846) and 1844 (cluster 1844) connect at weight=69.0
2025-04-09 19:04:17.679 | DEBUG    | __main__:<module>:20 - Iteration 1848: Points 1595 (cluster 3847) and 1853 (cluster 1853) connect at weight=69.0
2025-04-09 19:04:17.679 | DEBUG    | __main__:<module>:20 - Iteration 1849: Points 1872 (cluster 1872) and 1869 (cluster 1869) connect at weight=68.0
2025-04-09 19:04:17.679 | DEBUG    | __main__:<module>:20 - Iteration 1850: Points 1865 (cluster 1865) and 1850 (cluster 1850) connect at weight=68.0
2025-04-09 19:04:17.680 | DEBUG    | __main__:<module>:20 - Iteration 1851: Points 1863 (cluster 3848) and 1874 (cluster 1874) connect at weight=68.0
2025-04-09 19:04:17.680 | DEBUG    | __main__:<module>:20 - Iteration 1852: Points 1802 (cluster 3851) and 1866 (cluster 1866) connect at weight=68.0
2025-04-09 19:04:17.680 | DEBUG    | __main__:<module>:20 - Iteration 1853: Points 1796 (cluster 3852) and 1858 (cluster 1858) connect at weight=68.0
2025-04-09 19:04:17.681 | DEBUG    | __main__:<module>:20 - Iteration 1854: Points 1789 (cluster 3853) and 1855 (cluster 1855) connect at weight=68.0
2025-04-09 19:04:17.681 | DEBUG    | __main__:<module>:20 - Iteration 1855: Points 1784 (cluster 3854) and 1872 (cluster 3849) connect at weight=68.0
2025-04-09 19:04:17.681 | DEBUG    | __main__:<module>:20 - Iteration 1856: Points 1703 (cluster 3855) and 1839 (cluster 1839) connect at weight=68.0
2025-04-09 19:04:17.681 | DEBUG    | __main__:<module>:20 - Iteration 1857: Points 1697 (cluster 3856) and 1870 (cluster 1870) connect at weight=68.0
2025-04-09 19:04:17.682 | DEBUG    | __main__:<module>:20 - Iteration 1858: Points 1691 (cluster 3857) and 1851 (cluster 1851) connect at weight=68.0
2025-04-09 19:04:17.682 | DEBUG    | __main__:<module>:20 - Iteration 1859: Points 1663 (cluster 3858) and 1843 (cluster 1843) connect at weight=68.0
2025-04-09 19:04:17.683 | DEBUG    | __main__:<module>:20 - Iteration 1860: Points 1654 (cluster 3859) and 1864 (cluster 1864) connect at weight=68.0
2025-04-09 19:04:17.683 | DEBUG    | __main__:<module>:20 - Iteration 1861: Points 1571 (cluster 3860) and 1849 (cluster 1849) connect at weight=68.0
2025-04-09 19:04:17.683 | DEBUG    | __main__:<module>:20 - Iteration 1862: Points 1460 (cluster 3861) and 1810 (cluster 1810) connect at weight=68.0
2025-04-09 19:04:17.683 | DEBUG    | __main__:<module>:20 - Iteration 1863: Points 1288 (cluster 3862) and 1854 (cluster 1854) connect at weight=68.0
2025-04-09 19:04:17.683 | DEBUG    | __main__:<module>:20 - Iteration 1864: Points 1852 (cluster 1852) and 1875 (cluster 1875) connect at weight=67.0
2025-04-09 19:04:17.684 | DEBUG    | __main__:<module>:20 - Iteration 1865: Points 1843 (cluster 3863) and 1867 (cluster 1867) connect at weight=67.0
2025-04-09 19:04:17.684 | DEBUG    | __main__:<module>:20 - Iteration 1866: Points 1829 (cluster 3865) and 1873 (cluster 1873) connect at weight=67.0
2025-04-09 19:04:17.684 | DEBUG    | __main__:<module>:20 - Iteration 1867: Points 1825 (cluster 3866) and 1871 (cluster 1871) connect at weight=67.0
2025-04-09 19:04:17.685 | DEBUG    | __main__:<module>:20 - Iteration 1868: Points 1750 (cluster 3867) and 1852 (cluster 3864) connect at weight=67.0
2025-04-09 19:04:17.685 | DEBUG    | __main__:<module>:20 - Iteration 1869: Points 1747 (cluster 3868) and 1841 (cluster 3841) connect at weight=67.0
2025-04-09 19:04:17.685 | DEBUG    | __main__:<module>:20 - Iteration 1870: Points 1579 (cluster 3869) and 1868 (cluster 1868) connect at weight=67.0
2025-04-09 19:04:17.686 | DEBUG    | __main__:<module>:20 - Iteration 1871: Points 1558 (cluster 3870) and 1857 (cluster 1857) connect at weight=67.0
2025-04-09 19:04:17.686 | DEBUG    | __main__:<module>:20 - Iteration 1872: Points 1870 (cluster 3871) and 1883 (cluster 1883) connect at weight=66.0
2025-04-09 19:04:17.686 | DEBUG    | __main__:<module>:20 - Iteration 1873: Points 1851 (cluster 3872) and 1865 (cluster 3850) connect at weight=66.0
2025-04-09 19:04:17.687 | DEBUG    | __main__:<module>:20 - Iteration 1874: Points 1841 (cluster 3873) and 1881 (cluster 1881) connect at weight=66.0
2025-04-09 19:04:17.687 | DEBUG    | __main__:<module>:20 - Iteration 1875: Points 1837 (cluster 3874) and 1861 (cluster 1861) connect at weight=66.0
2025-04-09 19:04:17.687 | DEBUG    | __main__:<module>:20 - Iteration 1876: Points 1822 (cluster 3875) and 1876 (cluster 1876) connect at weight=66.0
2025-04-09 19:04:17.687 | DEBUG    | __main__:<module>:20 - Iteration 1877: Points 1799 (cluster 3876) and 1884 (cluster 1884) connect at weight=66.0
2025-04-09 19:04:17.688 | DEBUG    | __main__:<module>:20 - Iteration 1878: Points 1765 (cluster 3877) and 1885 (cluster 1885) connect at weight=66.0
2025-04-09 19:04:17.688 | DEBUG    | __main__:<module>:20 - Iteration 1879: Points 1752 (cluster 3878) and 1880 (cluster 1880) connect at weight=66.0
2025-04-09 19:04:17.688 | DEBUG    | __main__:<module>:20 - Iteration 1880: Points 1699 (cluster 3879) and 1878 (cluster 1878) connect at weight=66.0
2025-04-09 19:04:17.689 | DEBUG    | __main__:<module>:20 - Iteration 1881: Points 1689 (cluster 3880) and 1886 (cluster 1886) connect at weight=66.0
2025-04-09 19:04:17.689 | DEBUG    | __main__:<module>:20 - Iteration 1882: Points 1876 (cluster 3881) and 1892 (cluster 1892) connect at weight=65.0
2025-04-09 19:04:17.689 | DEBUG    | __main__:<module>:20 - Iteration 1883: Points 1872 (cluster 3882) and 1888 (cluster 1888) connect at weight=65.0
2025-04-09 19:04:17.690 | DEBUG    | __main__:<module>:20 - Iteration 1884: Points 1867 (cluster 3883) and 1890 (cluster 1890) connect at weight=65.0
2025-04-09 19:04:17.690 | DEBUG    | __main__:<module>:20 - Iteration 1885: Points 1848 (cluster 3884) and 1893 (cluster 1893) connect at weight=65.0
2025-04-09 19:04:17.690 | DEBUG    | __main__:<module>:20 - Iteration 1886: Points 1837 (cluster 3885) and 1889 (cluster 1889) connect at weight=65.0
2025-04-09 19:04:17.690 | DEBUG    | __main__:<module>:20 - Iteration 1887: Points 1835 (cluster 3886) and 1887 (cluster 1887) connect at weight=65.0
2025-04-09 19:04:17.691 | DEBUG    | __main__:<module>:20 - Iteration 1888: Points 1545 (cluster 3887) and 1859 (cluster 1859) connect at weight=65.0
2025-04-09 19:04:17.691 | DEBUG    | __main__:<module>:20 - Iteration 1889: Points 1536 (cluster 3888) and 1891 (cluster 1891) connect at weight=65.0
2025-04-09 19:04:17.691 | DEBUG    | __main__:<module>:20 - Iteration 1890: Points 1862 (cluster 3889) and 1897 (cluster 1897) connect at weight=64.0
2025-04-09 19:04:17.691 | DEBUG    | __main__:<module>:20 - Iteration 1891: Points 1846 (cluster 3890) and 1900 (cluster 1900) connect at weight=64.0
2025-04-09 19:04:17.692 | DEBUG    | __main__:<module>:20 - Iteration 1892: Points 1819 (cluster 3891) and 1894 (cluster 1894) connect at weight=64.0
2025-04-09 19:04:17.692 | DEBUG    | __main__:<module>:20 - Iteration 1893: Points 1777 (cluster 3892) and 1895 (cluster 1895) connect at weight=64.0
2025-04-09 19:04:17.692 | DEBUG    | __main__:<module>:20 - Iteration 1894: Points 1717 (cluster 3893) and 1896 (cluster 1896) connect at weight=64.0
2025-04-09 19:04:17.693 | DEBUG    | __main__:<module>:20 - Iteration 1895: Points 1893 (cluster 3894) and 1910 (cluster 1910) connect at weight=63.0
2025-04-09 19:04:17.693 | DEBUG    | __main__:<module>:20 - Iteration 1896: Points 1877 (cluster 1877) and 1909 (cluster 1909) connect at weight=63.0
2025-04-09 19:04:17.693 | DEBUG    | __main__:<module>:20 - Iteration 1897: Points 1859 (cluster 3895) and 1907 (cluster 1907) connect at weight=63.0
2025-04-09 19:04:17.693 | DEBUG    | __main__:<module>:20 - Iteration 1898: Points 1844 (cluster 3897) and 1899 (cluster 1899) connect at weight=63.0
2025-04-09 19:04:17.694 | DEBUG    | __main__:<module>:20 - Iteration 1899: Points 1844 (cluster 3898) and 1898 (cluster 1898) connect at weight=63.0
2025-04-09 19:04:17.694 | DEBUG    | __main__:<module>:20 - Iteration 1900: Points 1815 (cluster 3899) and 1877 (cluster 3896) connect at weight=63.0
2025-04-09 19:04:17.694 | DEBUG    | __main__:<module>:20 - Iteration 1901: Points 1812 (cluster 3900) and 1906 (cluster 1906) connect at weight=63.0
2025-04-09 19:04:17.694 | DEBUG    | __main__:<module>:20 - Iteration 1902: Points 1793 (cluster 3901) and 1904 (cluster 1904) connect at weight=63.0
2025-04-09 19:04:17.694 | DEBUG    | __main__:<module>:20 - Iteration 1903: Points 1712 (cluster 3902) and 1902 (cluster 1902) connect at weight=63.0
2025-04-09 19:04:17.695 | DEBUG    | __main__:<module>:20 - Iteration 1904: Points 1665 (cluster 3903) and 1908 (cluster 1908) connect at weight=63.0
2025-04-09 19:04:17.696 | DEBUG    | __main__:<module>:20 - Iteration 1905: Points 1654 (cluster 3904) and 1905 (cluster 1905) connect at weight=63.0
2025-04-09 19:04:17.696 | DEBUG    | __main__:<module>:20 - Iteration 1906: Points 1608 (cluster 3905) and 1911 (cluster 1911) connect at weight=63.0
2025-04-09 19:04:17.696 | DEBUG    | __main__:<module>:20 - Iteration 1907: Points 1464 (cluster 3906) and 1879 (cluster 1879) connect at weight=63.0
2025-04-09 19:04:17.696 | DEBUG    | __main__:<module>:20 - Iteration 1908: Points 1887 (cluster 3907) and 1913 (cluster 1913) connect at weight=62.0
2025-04-09 19:04:17.697 | DEBUG    | __main__:<module>:20 - Iteration 1909: Points 1856 (cluster 3908) and 1918 (cluster 1918) connect at weight=62.0
2025-04-09 19:04:17.697 | DEBUG    | __main__:<module>:20 - Iteration 1910: Points 1786 (cluster 3909) and 1914 (cluster 1914) connect at weight=62.0
2025-04-09 19:04:17.697 | DEBUG    | __main__:<module>:20 - Iteration 1911: Points 1781 (cluster 3910) and 1917 (cluster 1917) connect at weight=62.0
2025-04-09 19:04:17.698 | DEBUG    | __main__:<module>:20 - Iteration 1912: Points 1757 (cluster 3911) and 1916 (cluster 1916) connect at weight=62.0
2025-04-09 19:04:17.698 | DEBUG    | __main__:<module>:20 - Iteration 1913: Points 1699 (cluster 3912) and 1915 (cluster 1915) connect at weight=62.0
2025-04-09 19:04:17.698 | DEBUG    | __main__:<module>:20 - Iteration 1914: Points 1687 (cluster 3913) and 1903 (cluster 1903) connect at weight=62.0
2025-04-09 19:04:17.698 | DEBUG    | __main__:<module>:20 - Iteration 1915: Points 1609 (cluster 3914) and 1912 (cluster 1912) connect at weight=62.0
2025-04-09 19:04:17.699 | DEBUG    | __main__:<module>:20 - Iteration 1916: Points 1482 (cluster 3915) and 1882 (cluster 1882) connect at weight=62.0
2025-04-09 19:04:17.699 | DEBUG    | __main__:<module>:20 - Iteration 1917: Points 1913 (cluster 3916) and 1926 (cluster 1926) connect at weight=61.0
2025-04-09 19:04:17.699 | DEBUG    | __main__:<module>:20 - Iteration 1918: Points 1883 (cluster 3917) and 1919 (cluster 1919) connect at weight=61.0
2025-04-09 19:04:17.699 | DEBUG    | __main__:<module>:20 - Iteration 1919: Points 1882 (cluster 3918) and 1920 (cluster 1920) connect at weight=61.0
2025-04-09 19:04:17.699 | DEBUG    | __main__:<module>:20 - Iteration 1920: Points 1880 (cluster 3919) and 1923 (cluster 1923) connect at weight=61.0
2025-04-09 19:04:17.700 | DEBUG    | __main__:<module>:20 - Iteration 1921: Points 1843 (cluster 3920) and 1921 (cluster 1921) connect at weight=61.0
2025-04-09 19:04:17.700 | DEBUG    | __main__:<module>:20 - Iteration 1922: Points 1836 (cluster 3921) and 1922 (cluster 1922) connect at weight=61.0
2025-04-09 19:04:17.701 | DEBUG    | __main__:<module>:20 - Iteration 1923: Points 1634 (cluster 3922) and 1901 (cluster 1901) connect at weight=61.0
2025-04-09 19:04:17.701 | DEBUG    | __main__:<module>:20 - Iteration 1924: Points 1624 (cluster 3923) and 1925 (cluster 1925) connect at weight=61.0
2025-04-09 19:04:17.701 | DEBUG    | __main__:<module>:20 - Iteration 1925: Points 1925 (cluster 3924) and 1933 (cluster 1933) connect at weight=60.0
2025-04-09 19:04:17.702 | DEBUG    | __main__:<module>:20 - Iteration 1926: Points 1911 (cluster 3925) and 1930 (cluster 1930) connect at weight=60.0
2025-04-09 19:04:17.702 | DEBUG    | __main__:<module>:20 - Iteration 1927: Points 1855 (cluster 3926) and 1932 (cluster 1932) connect at weight=60.0
2025-04-09 19:04:17.702 | DEBUG    | __main__:<module>:20 - Iteration 1928: Points 1852 (cluster 3927) and 1929 (cluster 1929) connect at weight=60.0
2025-04-09 19:04:17.702 | DEBUG    | __main__:<module>:20 - Iteration 1929: Points 1812 (cluster 3928) and 1934 (cluster 1934) connect at weight=60.0
2025-04-09 19:04:17.703 | DEBUG    | __main__:<module>:20 - Iteration 1930: Points 1781 (cluster 3929) and 1928 (cluster 1928) connect at weight=60.0
2025-04-09 19:04:17.703 | DEBUG    | __main__:<module>:20 - Iteration 1931: Points 1779 (cluster 3930) and 1924 (cluster 1924) connect at weight=60.0
2025-04-09 19:04:17.703 | DEBUG    | __main__:<module>:20 - Iteration 1932: Points 1609 (cluster 3931) and 1931 (cluster 1931) connect at weight=60.0
2025-04-09 19:04:17.703 | DEBUG    | __main__:<module>:20 - Iteration 1933: Points 1899 (cluster 3932) and 1938 (cluster 1938) connect at weight=59.0
2025-04-09 19:04:17.704 | DEBUG    | __main__:<module>:20 - Iteration 1934: Points 1845 (cluster 3933) and 1937 (cluster 1937) connect at weight=59.0
2025-04-09 19:04:17.704 | DEBUG    | __main__:<module>:20 - Iteration 1935: Points 1824 (cluster 3934) and 1939 (cluster 1939) connect at weight=59.0
2025-04-09 19:04:17.704 | DEBUG    | __main__:<module>:20 - Iteration 1936: Points 1624 (cluster 3935) and 1936 (cluster 1936) connect at weight=59.0
2025-04-09 19:04:17.704 | DEBUG    | __main__:<module>:20 - Iteration 1937: Points 1565 (cluster 3936) and 1927 (cluster 1927) connect at weight=59.0
2025-04-09 19:04:17.705 | DEBUG    | __main__:<module>:20 - Iteration 1938: Points 1925 (cluster 3937) and 1948 (cluster 1948) connect at weight=58.0
2025-04-09 19:04:17.705 | DEBUG    | __main__:<module>:20 - Iteration 1939: Points 1910 (cluster 3938) and 1944 (cluster 1944) connect at weight=58.0
2025-04-09 19:04:17.705 | DEBUG    | __main__:<module>:20 - Iteration 1940: Points 1903 (cluster 3939) and 1940 (cluster 1940) connect at weight=58.0
2025-04-09 19:04:17.706 | DEBUG    | __main__:<module>:20 - Iteration 1941: Points 1897 (cluster 3940) and 1945 (cluster 1945) connect at weight=58.0
2025-04-09 19:04:17.706 | DEBUG    | __main__:<module>:20 - Iteration 1942: Points 1895 (cluster 3941) and 1942 (cluster 1942) connect at weight=58.0
2025-04-09 19:04:17.706 | DEBUG    | __main__:<module>:20 - Iteration 1943: Points 1862 (cluster 3942) and 1943 (cluster 1943) connect at weight=58.0
2025-04-09 19:04:17.706 | DEBUG    | __main__:<module>:20 - Iteration 1944: Points 1858 (cluster 3943) and 1947 (cluster 1947) connect at weight=58.0
2025-04-09 19:04:17.707 | DEBUG    | __main__:<module>:20 - Iteration 1945: Points 1821 (cluster 3944) and 1941 (cluster 1941) connect at weight=58.0
2025-04-09 19:04:17.707 | DEBUG    | __main__:<module>:20 - Iteration 1946: Points 1820 (cluster 3945) and 1935 (cluster 1935) connect at weight=58.0
2025-04-09 19:04:17.707 | DEBUG    | __main__:<module>:20 - Iteration 1947: Points 1658 (cluster 3946) and 1949 (cluster 1949) connect at weight=58.0
2025-04-09 19:04:17.708 | DEBUG    | __main__:<module>:20 - Iteration 1948: Points 1919 (cluster 3947) and 1951 (cluster 1951) connect at weight=57.0
2025-04-09 19:04:17.708 | DEBUG    | __main__:<module>:20 - Iteration 1949: Points 1912 (cluster 3948) and 1954 (cluster 1954) connect at weight=57.0
2025-04-09 19:04:17.708 | DEBUG    | __main__:<module>:20 - Iteration 1950: Points 1910 (cluster 3949) and 1952 (cluster 1952) connect at weight=57.0
2025-04-09 19:04:17.708 | DEBUG    | __main__:<module>:20 - Iteration 1951: Points 1859 (cluster 3950) and 1946 (cluster 1946) connect at weight=57.0
2025-04-09 19:04:17.709 | DEBUG    | __main__:<module>:20 - Iteration 1952: Points 1849 (cluster 3951) and 1950 (cluster 1950) connect at weight=57.0
2025-04-09 19:04:17.709 | DEBUG    | __main__:<module>:20 - Iteration 1953: Points 1827 (cluster 3952) and 1953 (cluster 1953) connect at weight=57.0
2025-04-09 19:04:17.709 | DEBUG    | __main__:<module>:20 - Iteration 1954: Points 1941 (cluster 3953) and 1955 (cluster 1955) connect at weight=56.0
2025-04-09 19:04:17.709 | DEBUG    | __main__:<module>:20 - Iteration 1955: Points 1937 (cluster 3954) and 1958 (cluster 1958) connect at weight=56.0
2025-04-09 19:04:17.710 | DEBUG    | __main__:<module>:20 - Iteration 1956: Points 1918 (cluster 3955) and 1957 (cluster 1957) connect at weight=56.0
2025-04-09 19:04:17.710 | DEBUG    | __main__:<module>:20 - Iteration 1957: Points 1829 (cluster 3956) and 1956 (cluster 1956) connect at weight=56.0
2025-04-09 19:04:17.710 | DEBUG    | __main__:<module>:20 - Iteration 1958: Points 1609 (cluster 3957) and 1959 (cluster 1959) connect at weight=56.0
2025-04-09 19:04:17.711 | DEBUG    | __main__:<module>:20 - Iteration 1959: Points 1952 (cluster 3958) and 1961 (cluster 1961) connect at weight=55.0
2025-04-09 19:04:17.711 | DEBUG    | __main__:<module>:20 - Iteration 1960: Points 1949 (cluster 3959) and 1963 (cluster 1963) connect at weight=55.0
2025-04-09 19:04:17.711 | DEBUG    | __main__:<module>:20 - Iteration 1961: Points 1889 (cluster 3960) and 1964 (cluster 1964) connect at weight=55.0
2025-04-09 19:04:17.712 | DEBUG    | __main__:<module>:20 - Iteration 1962: Points 1971 (cluster 1971) and 1970 (cluster 1970) connect at weight=54.0
2025-04-09 19:04:17.712 | DEBUG    | __main__:<module>:20 - Iteration 1963: Points 1961 (cluster 3961) and 1971 (cluster 3962) connect at weight=54.0
2025-04-09 19:04:17.712 | DEBUG    | __main__:<module>:20 - Iteration 1964: Points 1940 (cluster 3963) and 1965 (cluster 1965) connect at weight=54.0
2025-04-09 19:04:17.712 | DEBUG    | __main__:<module>:20 - Iteration 1965: Points 1931 (cluster 3964) and 1968 (cluster 1968) connect at weight=54.0
2025-04-09 19:04:17.713 | DEBUG    | __main__:<module>:20 - Iteration 1966: Points 1901 (cluster 3965) and 1962 (cluster 1962) connect at weight=54.0
2025-04-09 19:04:17.713 | DEBUG    | __main__:<module>:20 - Iteration 1967: Points 1895 (cluster 3966) and 1972 (cluster 1972) connect at weight=54.0
2025-04-09 19:04:17.713 | DEBUG    | __main__:<module>:20 - Iteration 1968: Points 1885 (cluster 3967) and 1969 (cluster 1969) connect at weight=54.0
2025-04-09 19:04:17.714 | DEBUG    | __main__:<module>:20 - Iteration 1969: Points 1775 (cluster 3968) and 1966 (cluster 1966) connect at weight=54.0
2025-04-09 19:04:17.714 | DEBUG    | __main__:<module>:20 - Iteration 1970: Points 1698 (cluster 3969) and 1960 (cluster 1960) connect at weight=54.0
2025-04-09 19:04:17.714 | DEBUG    | __main__:<module>:20 - Iteration 1971: Points 1878 (cluster 3970) and 1973 (cluster 1973) connect at weight=53.0
2025-04-09 19:04:17.714 | DEBUG    | __main__:<module>:20 - Iteration 1972: Points 1782 (cluster 3971) and 1974 (cluster 1974) connect at weight=52.0
2025-04-09 19:04:17.715 | DEBUG    | __main__:<module>:20 - Iteration 1973: Points 1909 (cluster 3972) and 1976 (cluster 1976) connect at weight=51.0
2025-04-09 19:04:17.715 | DEBUG    | __main__:<module>:20 - Iteration 1974: Points 1815 (cluster 3973) and 1975 (cluster 1975) connect at weight=51.0
2025-04-09 19:04:17.715 | DEBUG    | __main__:<module>:20 - Iteration 1975: Points 1810 (cluster 3974) and 1967 (cluster 1967) connect at weight=51.0
2025-04-09 19:04:17.715 | DEBUG    | __main__:<module>:20 - Iteration 1976: Points 1958 (cluster 3975) and 1978 (cluster 1978) connect at weight=50.0
2025-04-09 19:04:17.716 | DEBUG    | __main__:<module>:20 - Iteration 1977: Points 1692 (cluster 3976) and 1977 (cluster 1977) connect at weight=50.0
2025-04-09 19:04:17.716 | DEBUG    | __main__:<module>:20 - Iteration 1978: Points 1810 (cluster 3977) and 1979 (cluster 1979) connect at weight=49.0
2025-04-09 19:04:17.716 | DEBUG    | __main__:<module>:20 - Iteration 1979: Points 1968 (cluster 3978) and 1982 (cluster 1982) connect at weight=48.0
2025-04-09 19:04:17.717 | DEBUG    | __main__:<module>:20 - Iteration 1980: Points 1968 (cluster 3979) and 1980 (cluster 1980) connect at weight=48.0
2025-04-09 19:04:17.717 | DEBUG    | __main__:<module>:20 - Iteration 1981: Points 1958 (cluster 3980) and 1981 (cluster 1981) connect at weight=48.0
2025-04-09 19:04:17.717 | DEBUG    | __main__:<module>:20 - Iteration 1982: Points 1956 (cluster 3981) and 1983 (cluster 1983) connect at weight=47.0
2025-04-09 19:04:17.718 | DEBUG    | __main__:<module>:20 - Iteration 1983: Points 1959 (cluster 3982) and 1985 (cluster 1985) connect at weight=46.0
2025-04-09 19:04:17.718 | DEBUG    | __main__:<module>:20 - Iteration 1984: Points 1833 (cluster 3983) and 1984 (cluster 1984) connect at weight=46.0
2025-04-09 19:04:17.718 | DEBUG    | __main__:<module>:20 - Iteration 1985: Points 1985 (cluster 3984) and 1986 (cluster 1986) connect at weight=44.0
2025-04-09 19:04:17.718 | DEBUG    | __main__:<module>:20 - Iteration 1986: Points 1979 (cluster 3985) and 1987 (cluster 1987) connect at weight=44.0
2025-04-09 19:04:17.719 | DEBUG    | __main__:<module>:20 - Iteration 1987: Points 1755 (cluster 3986) and 1989 (cluster 1989) connect at weight=42.0
2025-04-09 19:04:17.719 | DEBUG    | __main__:<module>:20 - Iteration 1988: Points 1755 (cluster 3987) and 1988 (cluster 1988) connect at weight=42.0
2025-04-09 19:04:17.719 | DEBUG    | __main__:<module>:20 - Iteration 1989: Points 1985 (cluster 3988) and 1990 (cluster 1990) connect at weight=40.0
2025-04-09 19:04:17.720 | DEBUG    | __main__:<module>:20 - Iteration 1990: Points 1982 (cluster 3989) and 1991 (cluster 1991) connect at weight=40.0
2025-04-09 19:04:17.720 | DEBUG    | __main__:<module>:20 - Iteration 1991: Points 1990 (cluster 3990) and 1992 (cluster 1992) connect at weight=38.0
2025-04-09 19:04:17.720 | DEBUG    | __main__:<module>:20 - Iteration 1992: Points 1957 (cluster 3991) and 1993 (cluster 1993) connect at weight=38.0
2025-04-09 19:04:17.720 | DEBUG    | __main__:<module>:20 - Iteration 1993: Points 1981 (cluster 3992) and 1994 (cluster 1994) connect at weight=35.0
2025-04-09 19:04:17.721 | DEBUG    | __main__:<module>:20 - Iteration 1994: Points 1977 (cluster 3993) and 1995 (cluster 1995) connect at weight=34.0
2025-04-09 19:04:17.721 | DEBUG    | __main__:<module>:20 - Iteration 1995: Points 1993 (cluster 3994) and 1996 (cluster 1996) connect at weight=32.0
2025-04-09 19:04:17.721 | DEBUG    | __main__:<module>:20 - Iteration 1996: Points 1996 (cluster 3995) and 1998 (cluster 1998) connect at weight=31.0
2025-04-09 19:04:17.722 | DEBUG    | __main__:<module>:20 - Iteration 1997: Points 1993 (cluster 3996) and 1997 (cluster 1997) connect at weight=31.0
2025-04-09 19:04:17.722 | DEBUG    | __main__:<module>:20 - Iteration 1998: Points 1995 (cluster 3997) and 1999 (cluster 1999) connect at weight=30.0
2025-04-09 19:04:17.722 | INFO     | __main__:<module>:20 - Computed Scipy Z matrix
2025-04-09 19:04:17.735 | INFO     | __main__:<module>:20 - Built bundle hierarchy from Scipy Z matrix
../_images/tutorial_scikit_learn_datasets_hierarchical_29_1.png
[31]:
# Clustering components used by the "sorted_neighbourhoods_mst_debug" recipe
print(indent_at_parens(str(clustering_neighbourhoods_sorted)))
Clustering(
    input_data=InputDataExtNeighbourhoodsMemoryview(
        neighbourhoods of 2000 points
        ),
    fitter=None,
    hierarchical_fitter=HierarchicalFitterCommonNNMSTPrim(
        ngetter=NeighboursGetterExtLookup(
            sorted=True,
            selfcounting=True
            ),
        na=NeighboursExtVector,
        nb=NeighboursExtVector,
        checker=SimilarityCheckerExtScreensorted,
        prioq=PriorityQueueExtMaxHeap,
        prioq_tree=PriorityQueueExtMaxHeap
        ),
    predictor=None
    )